Latest Tips
-
Fine-tuning LLMs with ORPO using Axolotl and Skypilot
How to fine-tune LLMs with ORPO on GCP using Axolotl and Skypilot
-
Build a RAG Pipeline Using Google Gemma
How to build a RAG pipeline with Google Gemma
-
Merge LLMs with MergeKit
How to merge multiple LLMs into a single model with MergeKit
-
Track your TF model GPU memory consumption during training
Learn how to track your model GPU memory consumption during training using get_memory_info
-
Fine-tuning Llama 2 with axolotl
How to fine-tune Llama 2 on custom dataset with axolotl
-
Fine tune Llama 2 on custom data with PEFT
Learn how to fine tune any LLM such as Llama2 on custom data using PEFT
-
LLMs fine-tuning
Learn the techniques to fine-tune an LLM
-
Evaluating LLMs Qualitatively and Quantitatively
Learn how to evaluate LLMs Qualitatively (human evaluation) and Quantitatively (with ROUGE metrics)
-
Flax basics
Learn the basics for building deep learning models with Flax
-
English Text to speech with TensorFlowTTS
Learn how to generate English speech from a text using TensorFlowTTS
-
Build a Machine Learning Docker image
Learn how to build lightweight docker images for Machine Learning
-
Improve read performance with TFRecordDataset
Learn how to speed up data processing with TFRecordDataset
-
Read data into Tensorflow Dataset
How to use tf.data to read data from memory or disk
-
Resource Management with Pruning
Learn how to perform model pruning as an effective resource management technique.
-
Use line_profiler to profile your python code
Learn a how to profile and debug performance issue of your python program using line_profiler.
-
Resource Management with Quantization
Learn how to perform model quantization as an effective resource management technique.
-
Comparing Datasets with TFDV
How to compare datasets and spot potential issues?
-
Neural Architecture Search in Tensorflow with Optuna
How to use an objective optimization library like Optuna to come up with an optimal Neural Network architecture?
-
Text data augmentation with Back Translation
How to augment a small corpus of text data for a task like text classification?
-
Use imbalanced-learn to deal with imbalanced datasets
Learn a how to work with imbalanced datasets and improve performance on minority class with SMOTE
-
Python features you should be using
Learn about features that will change the way you are writing Python code today
-
Create TFRecord for your data
How to efficiently store data for training?
-
Custom Data Generator with keras.utils.Sequence
How to create custom data loaders for Keras?
-
Colab tips
How to use Colab efficiently?
-
Create TFRecord from a text dataset
How to deal with large text datasets?
-
Learning Rate Scheduling with Callbacks
How to dynamically change the learning rate for gradient descent optimizers?
-
Python __dunder__ thingies
What’s python data model?
-
Track, compare, and optimize your models with Comet.ml
How to keep track of what hyper-parameters were used in what experiment?
-
Create BERT vocabulary with Tokenizers
How to create a vocabulary file to use with TensorFlow Text BertTokenizer?
-
Load datasets with TorchText
How to load text datasets in PyTorch?
-
Keras Tuner for Hyperparameters tuning
How to find best hyperparameters to use during model training? Is there a better way then manual trial and error?
-
Custom Training Loop
How to customize the training loop in TensorFlow? How to calulcate the gradients for each layer?
-
Expose and parse CLI arguments
How to parse command line arguments passed by user to your TensorFlow application
-
TimeDistributed
How to keep track of what hyper-parameters were used in what experiment?
-
Matplotlib Basics
Learn you some basic plotting with Matplotlib to quickly visualize your data.
-
VizSeq on Google Colab
How to use VizSeq on Google Colab to visually analyze Text Generation Models?
-
Weights & Biases callback for Keras
How to keep track of what hyper-parameters were used in what experiment?
-
Text Generation with Markovify
How to train a Markov Chain model to generate sentences given a corpus of text?
-
BERT Tokenization
How to create a BERT Tokenizer with TensorFlow Text and TensorFlow Hub
-
TensorFlow Projector
Once we have embeddings and their metadata how could we visualize them?
-
TF-IDF with TextVectorization
How to calculate the TF-IDF matrix of an input text with TensorFlow?
-
How to use TextVectorization layer
How to preprocess text in TensorFlow using TextVectorization.
-
Gradient computation with AutoGrad
How do we compute the of a function in PyTorch?
-
Text Preprocessing with Keras
Keras provides a set of very helpful text preprocessing utilities.
-
Introduction to Keras
Keras is a popular Deep Learning framework with a user friendly API.
-
Basic NLP with PyTorch Text
What should I use for text processing in PyTorch?
-
Build a dataset from tweets
Some new social movement have emerged on social media, how could get enough data to study/undestand what’s happening?
-
Probability Distributions using TensorFlow
Which probability distributions should I know, How do I know which one to use and when to use them?
-
Debugging in Python
My training loop just crashed and I have no idea what the error does mean, what should I do?