Unleash LLMs' potential through curated tutorials, best practices, and ready-to-use code for custom training and inferencing.
Welcome to LLM-PowerHouse, your ultimate resource for unleashing the full potential of Large Language Models (LLMs) with custom training and inferencing. This GitHub repository is a comprehensive and curated guide designed to empower developers, researchers, and enthusiasts to harness the true capabilities of LLMs and build intelligent applications that push the boundaries of natural language understanding.
- Foundations of LLMs
- Unlock the Art of LLM Science
- Building Production-Ready LLM Applications
- In-Depth Articles
- Codebase Mastery: Building with Perfection
- LLM PlayLab
- LLM Datasets
- What I am learning
- Contributing
- License
- About The Author
This section offers fundamental insights into mathematics, Python, and neural networks. It may not be the ideal starting point, but you can consult it whenever necessary.
โฌ๏ธ Ready to Embrace Foundations of LLMs? โฌ๏ธ
graph LR
Foundations["๐ Foundations of Large Language Models (LLMs)"] --> ML["1๏ธโฃ Mathematics for Machine Learning"]
Foundations["๐ Foundations of Large Language Models (LLMs)"] --> Python["2๏ธโฃ Python for Machine Learning"]
Foundations["๐ Foundations of Large Language Models (LLMs)"] --> NN["3๏ธโฃ Neural Networks"]
Foundations["๐ Foundations of Large Language Models (LLMs)"] --> NLP["4๏ธโฃ Natural Language Processing (NLP)"]
ML["1๏ธโฃ Mathematics for Machine Learning"] --> LA["๐ Linear Algebra"]
ML["1๏ธโฃ Mathematics for Machine Learning"] --> Calculus["๐ Calculus"]
ML["1๏ธโฃ Mathematics for Machine Learning"] --> Probability["๐ Probability & Statistics"]
Python["2๏ธโฃ Python for Machine Learning"] --> PB["๐ Python Basics"]
Python["2๏ธโฃ Python for Machine Learning"] --> DS["๐ Data Science Libraries"]
Python["2๏ธโฃ Python for Machine Learning"] --> DP["๐ Data Preprocessing"]
Python["2๏ธโฃ Python for Machine Learning"] --> MLL["๐ค Machine Learning Libraries"]
NN["3๏ธโฃ Neural Networks"] --> Fundamentals["๐ง Fundamentals"]
NN["3๏ธโฃ Neural Networks"] --> TO["โ๏ธ Training & Optimization"]
NN["3๏ธโฃ Neural Networks"] --> Overfitting["๐ Overfitting"]
NN["3๏ธโฃ Neural Networks"] --> MLP["๐ง Implementation of MLP"]
NLP["4๏ธโฃ Natural Language Processing (NLP)"] --> TP["๐ Text Preprocessing"]
NLP["4๏ธโฃ Natural Language Processing (NLP)"] --> FET["๐ Feature Extraction Techniques"]
NLP["4๏ธโฃ Natural Language Processing (NLP)"] --> WE["๐ Word Embedding"]
NLP["4๏ธโฃ Natural Language Processing (NLP)"] --> RNN["๐ Recurrent Neural Network"]
Before mastering machine learning, it's essential to grasp the fundamental mathematical concepts that underpin these algorithms.
Concept | Description |
---|---|
Linear Algebra | Crucial for understanding many algorithms, especially in deep learning. Key concepts include vectors, matrices, determinants, eigenvalues, eigenvectors, vector spaces, and linear transformations. |
Calculus | Important for optimizing continuous functions in many machine learning algorithms. Essential topics include derivatives, integrals, limits, series, multivariable calculus, and gradients. |
Probability and Statistics | Vital for understanding how models learn from data and make predictions. Key concepts encompass probability theory, random variables, probability distributions, expectations, variance, covariance, correlation, hypothesis testing, confidence intervals, maximum likelihood estimation, and Bayesian inference. |
Reference | Description | Link |
---|---|---|
3Blue1Brown - The Essence of Linear Algebra | Offers a series of videos providing geometric intuition to fundamental linear algebra concepts. | ๐ |
StatQuest with Josh Starmer - Statistics Fundamentals | Provides clear and straightforward explanations for various statistical concepts through video tutorials. | ๐ |
AP Statistics Intuition by Ms Aerin | Curates a collection of Medium articles offering intuitive insights into different probability distributions. | ๐ |
Immersive Linear Algebra | Presents an alternative visual approach to understanding linear algebra concepts. | ๐ |
Khan Academy - Linear Algebra | Tailored for beginners, this resource provides intuitive explanations for fundamental linear algebra topics. | ๐ |
Khan Academy - Calculus | Delivers an interactive course covering the essentials of calculus comprehensively. | ๐ |
Khan Academy - Probability and Statistics | Offers easy-to-follow material for learning probability and statistics concepts. | ๐ |
Concept | Description |
---|---|
Python Basics | Mastery of Python programming entails understanding its basic syntax, data types, error handling, and object-oriented programming principles. |
Data Science Libraries | Familiarity with essential libraries such as NumPy for numerical operations, Pandas for data manipulation, and Matplotlib and Seaborn for data visualization is crucial for effective data analysis. |
Data Preprocessing | This phase involves crucial tasks such as feature scaling, handling missing data, outlier detection, categorical data encoding, and data partitioning into training, validation, and test sets to ensure data quality and model performance. |
Machine Learning Libraries | Proficiency with Scikit-learn, a comprehensive library for machine learning, is indispensable. Understanding and implementing algorithms like linear regression, logistic regression, decision trees, random forests, k-nearest neighbors (K-NN), and K-means clustering are essential for building predictive models. Additionally, familiarity with dimensionality reduction techniques like PCA and t-SNE aids in visualizing complex data structures effectively. |
Reference | Description | Link |
---|---|---|
Real Python | A comprehensive resource offering articles and tutorials for both beginner and advanced Python concepts. | ๐ |
freeCodeCamp - Learn Python | A lengthy video providing a thorough introduction to all core Python concepts. | ๐ |
Python Data Science Handbook | A free digital book that is an excellent resource for learning pandas, NumPy, Matplotlib, and Seaborn. | ๐ |
freeCodeCamp - Machine Learning for Everybody | A practical introduction to various machine learning algorithms for beginners. | ๐ |
Udacity - Intro to Machine Learning | An introductory course on machine learning for beginners, covering fundamental algorithms. | ๐ |
Concept | Description |
---|---|
Fundamentals | Understand the basic structure of a neural network, including layers, weights, biases, and activation functions like sigmoid, tanh, and ReLU. |
Training and Optimization | Learn about backpropagation and various loss functions such as Mean Squared Error (MSE) and Cross-Entropy. Become familiar with optimization algorithms like Gradient Descent, Stochastic Gradient Descent, RMSprop, and Adam. |
Overfitting | Grasp the concept of overfitting, where a model performs well on training data but poorly on unseen data, and explore regularization techniques like dropout, L1/L2 regularization, early stopping, and data augmentation to mitigate it. |
Implement a Multilayer Perceptron (MLP) | Build a Multilayer Perceptron (MLP), also known as a fully connected network, using PyTorch. |
Reference | Description | Link |
---|---|---|
3Blue1Brown - But what is a Neural Network? | This video provides an intuitive explanation of neural networks and their inner workings. | ๐ |
freeCodeCamp - Deep Learning Crash Course | This video efficiently introduces the most important concepts in deep learning. | ๐ |
Fast.ai - Practical Deep Learning | A free course designed for those with coding experience who want to learn about deep learning. | ๐ |
Patrick Loeber - PyTorch Tutorials | A series of videos for complete beginners to learn about PyTorch. | ๐ |
Concept | Description |
---|---|
Text Preprocessing | Learn various text preprocessing steps such as tokenization (splitting text into words or sentences), stemming (reducing words to their root form), lemmatization (similar to stemming but considers the context), and stop word removal. |
Feature Extraction Techniques | Become familiar with techniques to convert text data into a format understandable by machine learning algorithms. Key methods include Bag-of-Words (BoW), Term Frequency-Inverse Document Frequency (TF-IDF), and n-grams. |
Word Embeddings | Understand word embeddings, a type of word representation that allows words with similar meanings to have similar representations. Key methods include Word2Vec, GloVe, and FastText. |
Recurrent Neural Networks (RNNs) | Learn about RNNs, a type of neural network designed to work with sequence data, and explore LSTMs and GRUs, two RNN variants capable of learning long-term dependencies. |
Reference | Description | Link |
---|---|---|
RealPython - NLP with spaCy in Python | An exhaustive guide on using the spaCy library for NLP tasks in Python. | ๐ |
Kaggle - NLP Guide | A collection of notebooks and resources offering a hands-on explanation of NLP in Python. | ๐ |
Jay Alammar - The Illustrated Word2Vec | A detailed reference for understanding the Word2Vec architecture. | ๐ |
Jake Tae - PyTorch RNN from Scratch | A practical and straightforward implementation of RNN, LSTM, and GRU models in PyTorch. | ๐ |
colah's blog - Understanding LSTM Networks | A theoretical article explaining LSTM networks. | ๐ |
In this segment of the curriculum, participants delve into mastering the creation of top-notch LLMs through cutting-edge methodologies.
โฌ๏ธ Ready to Embrace LLM Science? โฌ๏ธ
graph LR
Scientist["Art of LLM Science ๐ฉโ๐ฌ"] --> Architecture["The LLM architecture ๐๏ธ"]
Scientist["Art of LLM Science ๐ฉโ๐ฌ"] --> Instruction["Building an instruction dataset ๐"]
Scientist["Art of LLM Science ๐ฉโ๐ฌ"] --> Pretraining["Pretraining models ๐ ๏ธ"]
Scientist["Art of LLM Science ๐ฉโ๐ฌ"] --> FineTuning["Supervised Fine-Tuning ๐ฏ"]
Scientist["Art of LLM Science ๐ฉโ๐ฌ"] --> RLHF["RLHF ๐"]
Scientist["Art of LLM Science ๐ฉโ๐ฌ"] --> Evaluation["Evaluation ๐"]
Scientist["Art of LLM Science ๐ฉโ๐ฌ"] --> Quantization["Quantization โ๏ธ"]
Scientist["Art of LLM Science ๐ฉโ๐ฌ"] --> Trends["New Trends ๐"]
Architecture["The LLM architecture ๐๏ธ"] --> HLV["High Level View ๐"]
Architecture["The LLM architecture ๐๏ธ"] --> Tokenization["Tokenization ๐ "]
Architecture["The LLM architecture ๐๏ธ"] --> Attention["Attention Mechanisms ๐ง "]
Architecture["The LLM architecture ๐๏ธ"] --> Generation["Text Generation โ๏ธ"]
Instruction["Building an instruction dataset ๐"] --> Alpaca["Alpaca-like dataset ๐ฆ"]
Instruction["Building an instruction dataset ๐"] --> Advanced["Advanced Techniques ๐"]
Instruction["Building an instruction dataset ๐"] --> Filtering["Filtering Data ๐"]
Instruction["Building an instruction dataset ๐"] --> Prompt["Prompt Templates ๐"]
Pretraining["Pretraining models ๐ ๏ธ"] --> Pipeline["Data Pipeline ๐"]
Pretraining["Pretraining models ๐ ๏ธ"] --> CLM["Casual Language Modeling ๐"]
Pretraining["Pretraining models ๐ ๏ธ"] --> Scaling["Scaling Laws ๐"]
Pretraining["Pretraining models ๐ ๏ธ"] --> HPC["High-Performance Computing ๐ป"]
FineTuning["Supervised Fine-Tuning ๐ฏ"] --> Full["Full fine-tuning ๐ ๏ธ"]
FineTuning["Supervised Fine-Tuning ๐ฏ"] --> Lora["Lora and QLoRA ๐"]
FineTuning["Supervised Fine-Tuning ๐ฏ"] --> Axoloti["Axoloti ๐ฆ "]
FineTuning["Supervised Fine-Tuning ๐ฏ"] --> DeepSpeed["DeepSpeed โก"]
RLHF["RLHF ๐"] --> Preference["Preference Datasets ๐"]
RLHF["RLHF ๐"] --> Optimization["Proximal Policy Optimization ๐ฏ"]
RLHF["RLHF ๐"] --> DPO["Direct Preference Optimization ๐"]
Evaluation["Evaluation ๐"] --> Traditional["Traditional Metrics ๐"]
Evaluation["Evaluation ๐"] --> General["General Benchmarks ๐"]
Evaluation["Evaluation ๐"] --> Task["Task-specific Benchmarks ๐"]
Evaluation["Evaluation ๐"] --> HF["Human Evaluation ๐ฉโ๐ฌ"]
Quantization["Quantization โ๏ธ"] --> Base["Base Techniques ๐ ๏ธ"]
Quantization["Quantization โ๏ธ"] --> GGUF["GGUF and llama.cpp ๐"]
Quantization["Quantization โ๏ธ"] --> GPTQ["GPTQ and EXL2 ๐ค"]
Quantization["Quantization โ๏ธ"] --> AWQ["AWQ ๐"]
Trends["New Trends ๐"] --> Positional["Positional Embeddings ๐ฏ"]
Trends["New Trends ๐"] --> Merging["Model Merging ๐"]
Trends["New Trends ๐"] --> MOE["Mixture of Experts ๐ญ"]
Trends["New Trends ๐"] --> Multimodal["Multimodal Models ๐ท"]
An overview of the Transformer architecture, with emphasis on inputs (tokens) and outputs (logits), and the importance of understanding the vanilla attention mechanism and its improved versions.
Concept | Description |
---|---|
Transformer Architecture (High-Level) | Review encoder-decoder Transformers, specifically the decoder-only GPT architecture used in modern LLMs. |
Tokenization | Understand how raw text is converted into tokens (words or subwords) for the model to process. |
Attention Mechanisms | Grasp the theory behind attention, including self-attention and scaled dot-product attention, which allows the model to focus on relevant parts of the input during output generation. |
Text Generation | Learn different methods the model uses to generate output sequences. Common strategies include greedy decoding, beam search, top-k sampling, and nucleus sampling. |
Reference | Description | Link |
---|---|---|
The Illustrated Transformer by Jay Alammar | A visual and intuitive explanation of the Transformer model | ๐ |
The Illustrated GPT-2 by Jay Alammar | Focuses on the GPT architecture, similar to Llama's. | ๐ |
Visual intro to Transformers by 3Blue1Brown | Simple visual intro to Transformers | ๐ |
LLM Visualization by Brendan Bycroft | 3D visualization of LLM internals | ๐ |
nanoGPT by Andrej Karpathy | Reimplementation of GPT from scratch (for programmers) | ๐ |
Decoding Strategies in LLMs | Provides code and visuals for decoding strategies | ๐ |
While it's easy to find raw data from Wikipedia and other websites, it's difficult to collect pairs of instructions and answers in the wild. Like in traditional machine learning, the quality of the dataset will directly influence the quality of the model, which is why it might be the most important component in the fine-tuning process.
Concept | Description |
---|---|
Alpaca-like dataset | This dataset generation method utilizes the OpenAI API (GPT) to synthesize data from scratch, allowing for the specification of seeds and system prompts to foster diversity within the dataset. |
Advanced techniques | Delve into methods for enhancing existing datasets with Evol-Instruct, and explore approaches for generating top-tier synthetic data akin to those outlined in the Orca and phi-1 research papers. |
Filtering data | Employ traditional techniques such as regex, near-duplicate removal, and prioritizing answers with substantial token counts to refine datasets. |
Prompt templates | Recognize the absence of a definitive standard for structuring instructions and responses, underscoring the importance of familiarity with various chat templates like ChatML and Alpaca. |
Reference | Description | Link |
---|---|---|
Preparing a Dataset for Instruction tuning by Thomas Capelle | Explores the Alpaca and Alpaca-GPT4 datasets and discusses formatting methods. | ๐ |
Generating a Clinical Instruction Dataset by Solano Todeschini | Provides a tutorial on creating a synthetic instruction dataset using GPT-4. | ๐ |
GPT 3.5 for news classification by Kshitiz Sahay | Demonstrates using GPT 3.5 to create an instruction dataset for fine-tuning Llama 2 in news classification. | ๐ |
Dataset creation for fine-tuning LLM | Notebook containing techniques to filter a dataset and upload the result. | ๐ |
Chat Template by Matthew Carrigan | Hugging Face's page about prompt templates | ๐ |
Pre-training, being both lengthy and expensive, is not the primary focus of this course. While it's beneficial to grasp the fundamentals of pre-training, practical experience in this area is not mandatory.
Concept | Description |
---|---|
Data pipeline | Pre-training involves handling vast datasets, such as the 2 trillion tokens used in Llama 2, which necessitates tasks like filtering, tokenization, and vocabulary preparation. |
Causal language modeling | Understand the distinction between causal and masked language modeling, including insights into the corresponding loss functions. Explore efficient pre-training techniques through resources like Megatron-LM or gpt-neox. |
Scaling laws | Delve into the scaling laws, which elucidate the anticipated model performance based on factors like model size, dataset size, and computational resources utilized during training. |
High-Performance Computing | While beyond the scope of this discussion, a deeper understanding of HPC becomes essential for those considering building their own LLMs from scratch, encompassing aspects like hardware selection and distributed workload management. |
Reference | Description | Link |
---|---|---|
LLMDataHub by Junhao Zhao | Offers a carefully curated collection of datasets tailored for pre-training, fine-tuning, and RLHF. | ๐ |
Training a causal language model from scratch by Hugging Face | Guides users through the process of pre-training a GPT-2 model from the ground up using the transformers library. | ๐ |
TinyLlama by Zhang et al. | Provides insights into the training process of a Llama model from scratch, offering a comprehensive understanding. | ๐ |
Causal language modeling by Hugging Face | Explores the distinctions between causal and masked language modeling, alongside a tutorial on efficiently fine-tuning a DistilGPT-2 model. | ๐ |
Chinchilla's wild implications by nostalgebraist | Delves into the scaling laws and their implications for LLMs, offering valuable insights into their broader significance. | ๐ |
BLOOM by BigScience | Provides a comprehensive overview of the BLOOM model's construction, offering valuable insights into its engineering aspects and encountered challenges. | ๐ |
OPT-175 Logbook by Meta | Offers research logs detailing the successes and failures encountered during the pre-training of a large language model with 175B parameters. | ๐ |
LLM 360 | Presents a comprehensive framework for open-source LLMs, encompassing training and data preparation code, datasets, evaluation metrics, and models. | ๐ |
Pre-trained models are trained to predict the next word, so they're not great as assistants. But with SFT, you can adjust them to follow instructions. Plus, you can fine-tune them on different data, even private stuff GPT-4 hasn't seen, and use them without needing paid APIs like OpenAI's.
Concept | Description |
---|---|
Full fine-tuning | Full fine-tuning involves training all parameters in the model, though it's not the most efficient approach, it can yield slightly improved results. |
LoRA | LoRA, a parameter-efficient technique (PEFT) based on low-rank adapters, focuses on training only these adapters rather than all model parameters. |
QLoRA | QLoRA, another PEFT stemming from LoRA, also quantizes model weights to 4 bits and introduces paged optimizers to manage memory spikes efficiently. |
Axolotl | Axolotl stands as a user-friendly and potent fine-tuning tool, extensively utilized in numerous state-of-the-art open-source models. |
DeepSpeed | DeepSpeed facilitates efficient pre-training and fine-tuning of large language models across multi-GPU and multi-node settings, often integrated within Axolotl for enhanced performance. |
Reference | Description | Link |
---|---|---|
The Novice's LLM Training Guide by Alpin | Provides an overview of essential concepts and parameters for fine-tuning LLMs. | ๐ |
LoRA insights by Sebastian Raschka | Offers practical insights into LoRA and guidance on selecting optimal parameters. | ๐ |
Fine-Tune Your Own Llama 2 Model | Presents a hands-on tutorial on fine-tuning a Llama 2 model using Hugging Face libraries. | ๐ |
Padding Large Language Models by Benjamin Marie | Outlines best practices for padding training examples in causal LLMs. | ๐ |
Following supervised fine-tuning, RLHF serves as a crucial step in harmonizing the LLM's responses with human expectations. This entails acquiring preferences from human or artificial feedback, thereby mitigating biases, implementing model censorship, or fostering more utilitarian behavior. RLHF is notably more intricate than SFT and is frequently regarded as discretionary.
Concept | Description |
---|---|
Preference datasets | Typically containing several answers with some form of ranking, these datasets are more challenging to produce than instruction datasets. |
Proximal Policy Optimization | This algorithm utilizes a reward model to predict whether a given text is highly ranked by humans. It then optimizes the SFT model using a penalty based on KL divergence. |
Direct Preference Optimization | DPO simplifies the process by framing it as a classification problem. It employs a reference model instead of a reward model (requiring no training) and only necessitates one hyperparameter, rendering it more stable and efficient. |
Reference | Description | Link |
---|---|---|
An Introduction to Training LLMs using RLHF by Ayush Thakur | Explain why RLHF is desirable to reduce bias and increase performance in LLMs. | ๐ |
Illustration RLHF by Hugging Face | Introduction to RLHF with reward model training and fine-tuning with reinforcement learning. | ๐ |
StackLLaMA by Hugging Face | Tutorial to efficiently align a LLaMA model with RLHF using the transformers library | ๐ |
LLM Training RLHF and Its Alternatives by Sebastian Rashcka | Overview of the RLHF process and alternatives like RLAIF. | ๐ |
Fine-tune Llama2 with DPO | Tutorial to fine-tune a Llama2 model with DPO | ๐ |
Assessing LLMs is an often overlooked aspect of the pipeline, characterized by its time-consuming nature and moderate reliability. Your evaluation criteria should be tailored to your downstream task, while bearing in mind Goodhart's law: "When a measure becomes a target, it ceases to be a good measure."
Concept | Description |
---|---|
Traditional metrics | Metrics like perplexity and BLEU score, while less favored now due to their contextual limitations, remain crucial for comprehension and determining their applicable contexts. |
General benchmarks | The primary benchmark for general-purpose LLMs, such as ChatGPT, is the Open LLM Leaderboard, which is founded on the Language Model Evaluation Harness. Other notable benchmarks include BigBench and MT-Bench. |
Task-specific benchmarks | Tasks like summarization, translation, and question answering boast dedicated benchmarks, metrics, and even subdomains (e.g., medical, financial), exemplified by PubMedQA for biomedical question answering. |
Human evaluation | The most dependable evaluation method entails user acceptance rates or human-comparison metrics. Additionally, logging user feedback alongside chat traces, facilitated by tools like LangSmith, aids in pinpointing potential areas for enhancement. |
Reference | Description | Link |
---|---|---|
Perplexity of fixed-length models by Hugging Face | Provides an overview of perplexity along with code to implement it using the transformers library. | ๐ |
BLEU at your own risk by Rachael Tatman | Offers insights into the BLEU score, highlighting its various issues through examples. | ๐ |
A Survey on Evaluation of LLMs by Chang et al. | Presents a comprehensive paper covering what to evaluate, where to evaluate, and how to evaluate language models. | ๐ |
Chatbot Arena Leaderboard by lmsys | Showcases an Elo rating system for general-purpose language models, based on comparisons made by humans. | ๐ |
Quantization involves converting the weights (and activations) of a model to lower precision. For instance, weights initially stored using 16 bits may be transformed into a 4-bit representation. This technique has gained significance in mitigating the computational and memory expenses linked with LLMs
Concept | Description |
---|---|
Base techniques | Explore various levels of precision (FP32, FP16, INT8, etc.) and learn how to conduct naรฏve quantization using techniques like absmax and zero-point. |
GGUF and llama.cpp | Originally intended for CPU execution, llama.cpp and the GGUF format have emerged as popular tools for running LLMs on consumer-grade hardware. |
GPTQ and EXL2 | GPTQ and its variant, the EXL2 format, offer remarkable speed but are limited to GPU execution. However, quantizing models using these formats can be time-consuming. |
AWQ | This newer format boasts higher accuracy compared to GPTQ, as indicated by lower perplexity, but demands significantly more VRAM and may not necessarily exhibit faster performance. |
Reference | Description | Link |
---|---|---|
Introduction to quantization | Offers an overview of quantization, including absmax and zero-point quantization, and demonstrates LLM.int8() with accompanying code. | ๐ |
Quantize Llama models with llama.cpp | Provides a tutorial on quantizing a Llama 2 model using llama.cpp and the GGUF format. | ๐ |
4-bit LLM Quantization with GPTQ | Offers a tutorial on quantizing an LLM using the GPTQ algorithm with AutoGPTQ. | ๐ |
ExLlamaV2 | Presents a guide on quantizing a Mistral model using the EXL2 format and running it with the ExLlamaV2 library, touted as the fastest library for LLMs. | ๐ |
Understanding Activation-Aware Weight Quantization by FriendliAI | Provides an overview of the AWQ technique and its associated benefits. | ๐ |
Concept | Description |
---|---|
Positional embeddings | Explore how LLMs encode positions, focusing on relative positional encoding schemes like RoPE. Implement extensions to context length using techniques such as YaRN (which multiplies the attention matrix by a temperature factor) or ALiBi (applying attention penalty based on token distance). |
Model merging | Model merging has gained popularity as a method for creating high-performance models without additional fine-tuning. The widely-used mergekit library incorporates various merging methods including SLERP, DARE, and TIES. |
Mixture of Experts | The resurgence of the MoE architecture, exemplified by Mixtral, has led to the emergence of alternative approaches like frankenMoE, seen in community-developed models such as Phixtral, offering cost-effective and high-performance alternatives. |
Multimodal models | These models, such as CLIP, Stable Diffusion, or LLaVA, process diverse inputs (text, images, audio, etc.) within a unified embedding space, enabling versatile applications like text-to-image generation. |
glaive-function-calling-v2 | 113k |
Agent-FLAN | 34.4k |
Reference | Description | Link |
---|---|---|
Extending the RoPE by EleutherAI | Article summarizing various position-encoding techniques. | ๐ |
Understanding YaRN by Rajat Chawla | Introduction to YaRN. | ๐ |
Merge LLMs with mergekit | Tutorial on model merging using mergekit. | ๐ |
Mixture of Experts Explained by Hugging Face | Comprehensive guide on MoEs and their functioning. | ๐ |
Large Multimodal Models by Chip Huyen: | Overview of multimodal systems and recent developments in the field. | ๐ |
Learn to create and deploy robust LLM-powered applications, focusing on model augmentation and practical deployment strategies for production environments.
โฌ๏ธ Ready to Build Production-Ready LLM Applications?โฌ๏ธ
graph LR
Scientist["Production-Ready LLM Applications ๐ฉโ๐ฌ"] --> Architecture["Running LLMs ๐๏ธ"]
Scientist --> Storage["Building a Vector Storage ๐ฆ"]
Scientist --> Retrieval["Retrieval Augmented Generation ๐"]
Scientist --> AdvancedRAG["Advanced RAG โ๏ธ"]
Scientist --> Optimization["Inference Optimization โก"]
Scientist --> Deployment["Deploying LLMs ๐"]
Scientist --> Secure["Securing LLMs ๐"]
Architecture --> APIs["LLM APIs ๐"]
Architecture --> OpenSource["Open Source LLMs ๐"]
Architecture --> PromptEng["Prompt Engineering ๐ฌ"]
Architecture --> StructOutputs["Structure Outputs ๐๏ธ"]
Storage --> Ingest["Ingesting Documents ๐ฅ"]
Storage --> Split["Splitting Documents โ๏ธ"]
Storage --> Embed["Embedding Models ๐งฉ"]
Storage --> VectorDB["Vector Databases ๐"]
Retrieval --> Orchestrators["Orchestrators ๐ผ"]
Retrieval --> Retrievers["Retrievers ๐ค"]
Retrieval --> Memory["Memory ๐ง "]
Retrieval --> Evaluation["Evaluation ๐"]
AdvancedRAG --> Query["Query Construction ๐ง"]
AdvancedRAG --> Agents["Agents and Tools ๐ ๏ธ"]
AdvancedRAG --> PostProcess["Post Processing ๐"]
AdvancedRAG --> Program["Program LLMs ๐ป"]
Optimization --> FlashAttention["Flash Attention โก"]
Optimization --> KeyValue["Key-value Cache ๐"]
Optimization --> SpecDecoding["Speculative Decoding ๐"]
Deployment --> LocalDeploy["Local Deployment ๐ฅ๏ธ"]
Deployment --> DemoDeploy["Demo Deployment ๐ค"]
Deployment --> ServerDeploy["Server Deployment ๐ง"]
Deployment --> EdgeDeploy["Edge Deployment ๐"]
Secure --> PromptEngSecure["Prompt Engineering ๐"]
Secure --> Backdoors["Backdoors ๐ช"]
Secure --> Defensive["Defensive measures ๐ก๏ธ"]
Running LLMs can be demanding due to significant hardware requirements. Based on your use case, you might opt to use a model through an API (like GPT-4) or run it locally. In either scenario, employing additional prompting and guidance techniques can improve and constrain the output for your applications.
Category | Details |
---|---|
LLM APIs | APIs offer a convenient way to deploy LLMs. This space is divided between private LLMs (OpenAI, Google, Anthropic, Cohere, etc.) and open-source LLMs (OpenRouter, Hugging Face, Together AI, etc.). |
Open-source LLMs | The Hugging Face Hub is an excellent resource for finding LLMs. Some can be run directly in Hugging Face Spaces, or downloaded and run locally using apps like LM Studio or through the command line interface with llama.cpp or Ollama. |
Prompt Engineering | Techniques such as zero-shot prompting, few-shot prompting, chain of thought, and ReAct are commonly used in prompt engineering. These methods are more effective with larger models but can also be adapted for smaller ones. |
Structuring Outputs | Many tasks require outputs to be in a specific format, such as a strict template or JSON. Libraries like LMQL, Outlines, and Guidance can help guide the generation process to meet these structural requirements. |
Reference | Description | Link |
---|---|---|
Run an LLM locally with LM Studio by Nisha Arya | A brief guide on how to use LM Studio for running a local LLM. | ๐ |
Prompt engineering guide by DAIR.AI | An extensive list of prompt techniques with examples. | ๐ |
Outlines - Quickstart | A quickstart guide detailing the guided generation techniques enabled by the Outlines library. | ๐ |
LMQL - Overview | An introduction to the LMQL language, explaining its features and usage. | ๐ |
Creating a vector storage is the first step in building a Retrieval Augmented Generation (RAG) pipeline. This involves loading and splitting documents, and then using the relevant chunks to produce vector representations (embeddings) that are stored for future use during inference.
Category | Details |
---|---|
Ingesting Documents | Document loaders are convenient wrappers that handle various formats such as PDF, JSON, HTML, Markdown, etc. They can also retrieve data directly from some databases and APIs (e.g., GitHub, Reddit, Google Drive). |
Splitting Documents | Text splitters break down documents into smaller, semantically meaningful chunks. Instead of splitting text after a certain number of characters, it's often better to split by header or recursively, with some additional metadata. |
Embedding Models | Embedding models convert text into vector representations, providing a deeper and more nuanced understanding of language, which is essential for performing semantic search. |
Vector Databases | Vector databases (like Chroma, Pinecone, Milvus, FAISS, Annoy, etc.) store embedding vectors and enable efficient retrieval of data based on vector similarity. |
Reference | Description | Link |
---|---|---|
LangChain - Text splitters | A list of different text splitters implemented in LangChain. | ๐ |
Sentence Transformers library | A popular library for embedding models. | ๐ |
MTEB Leaderboard | Leaderboard for evaluating embedding models. | ๐ |
The Top 5 Vector Databases by Moez Ali | A comparison of the best and most popular vector databases. | ๐ |
Using RAG, LLMs access relevant documents from a database to enhance the precision of their responses. This method is widely used to expand the model's knowledge base without the need for fine-tuning.
Category | Details |
---|---|
Orchestrators | Orchestrators (like LangChain, LlamaIndex, FastRAG, etc.) are popular frameworks to connect your LLMs with tools, databases, memories, etc. and augment their abilities. |
Retrievers | User instructions are not optimized for retrieval. Different techniques (e.g., multi-query retriever, HyDE, etc.) can be applied to rephrase/expand them and improve performance. |
Memory | To remember previous instructions and answers, LLMs and chatbots like ChatGPT add this history to their context window. This buffer can be improved with summarization (e.g., using a smaller LLM), a vector store + RAG, etc. |
Evaluation | We need to evaluate both the document retrieval (context precision and recall) and generation stages (faithfulness and answer relevancy). It can be simplified with tools Ragas and DeepEval. |
Reference | Description | Link |
---|---|---|
Llamaindex - High-level concepts | Main concepts to know when building RAG pipelines. | ๐ |
Pinecone - Retrieval Augmentation | Overview of the retrieval augmentation process. | ๐ |
LangChain - Q&A with RAG | Step-by-step tutorial to build a typical RAG pipeline. | ๐ |
LangChain - Memory types | List of different types of memories with relevant usage. | ๐ |
RAG pipeline - Metrics | Overview of the main metrics used to evaluate RAG pipelines. | ๐ |
Real-world applications often demand intricate pipelines that utilize SQL or graph databases and dynamically choose the appropriate tools and APIs. These sophisticated methods can improve a basic solution and offer extra capabilities.
Category | Details |
---|---|
Query construction | Structured data stored in traditional databases requires a specific query language like SQL, Cypher, metadata, etc. We can directly translate the user instruction into a query to access the data with query construction. |
Agents and tools | Agents augment LLMs by automatically selecting the most relevant tools to provide an answer. These tools can be as simple as using Google or Wikipedia, or more complex like a Python interpreter or Jira. |
Post-processing | The final step processes the inputs that are fed to the LLM. It enhances the relevance and diversity of documents retrieved with re-ranking, RAG-fusion, and classification. |
Program LLMs | Frameworks like DSPy allow you to optimize prompts and weights based on automated evaluations in a programmatic way. |
Reference | Description | Link |
---|---|---|
LangChain - Query Construction | Blog post about different types of query construction. | ๐ |
LangChain - SQL | Tutorial on how to interact with SQL databases with LLMs, involving Text-to-SQL and an optional SQL agent. | ๐ |
Pinecone - LLM agents | Introduction to agents and tools with different types. | ๐ |
LLM Powered Autonomous Agents by Lilian Weng | More theoretical article about LLM agents. | ๐ |
LangChain - OpenAI's RAG | Overview of the RAG strategies employed by OpenAI, including post-processing. | ๐ |
DSPy in 8 Steps | General-purpose guide to DSPy introducing modules, signatures, and optimizers. | ๐ |
Text generation is an expensive process that requires powerful hardware. Besides quantization, various techniques have been proposed to increase throughput and lower inference costs.
Category | Details |
---|---|
Flash Attention | Optimization of the attention mechanism to transform its complexity from quadratic to linear, speeding up both training and inference. |
Key-value cache | Understanding the key-value cache and the improvements introduced in Multi-Query Attention (MQA) and Grouped-Query Attention (GQA). |
Speculative decoding | Using a small model to produce drafts that are then reviewed by a larger model to speed up text generation. |
Reference | Description | Link |
---|---|---|
GPU Inference by Hugging Face | Explain how to optimize inference on GPUs. | ๐ |
LLM Inference by Databricks | Best practices for how to optimize LLM inference in production. | ๐ |
Optimizing LLMs for Speed and Memory by Hugging Face | Explain three main techniques to optimize speed and memory, namely quantization, Flash Attention, and architectural innovations. | ๐ |
Assisted Generation by Hugging Face | HF's version of speculative decoding, it's an interesting blog post about how it works with code to implement it. | ๐ |
Deploying LLMs at scale is a complex engineering task that may require multiple GPU clusters. However, demos and local applications can often be achieved with significantly less complexity.
Category | Details |
---|---|
Local deployment | Privacy is an important advantage that open-source LLMs have over private ones. Local LLM servers (LM Studio, Ollama, oobabooga, kobold.cpp, etc.) capitalize on this advantage to power local apps. |
Demo deployment | Frameworks like Gradio and Streamlit are helpful to prototype applications and share demos. You can also easily host them online, for example using Hugging Face Spaces. |
Server deployment | Deploying LLMs at scale requires cloud infrastructure (see also SkyPilot) or on-prem infrastructure and often leverages optimized text generation frameworks like TGI, vLLM, etc. |
Edge deployment | In constrained environments, high-performance frameworks like MLC LLM and mnn-llm can deploy LLMs in web browsers, Android, and iOS. |
Reference | Description | Link |
---|---|---|
Streamlit - Build a basic LLM app | Tutorial to make a basic ChatGPT-like app using Streamlit. | ๐ |
HF LLM Inference Container | Deploy LLMs on Amazon SageMaker using Hugging Face's inference container. | ๐ |
Philschmid blog by Philipp Schmid | Collection of high-quality articles about LLM deployment using Amazon SageMaker. | ๐ |
Optimizing latency by Hamel Husain | Comparison of TGI, vLLM, CTranslate2, and mlc in terms of throughput and latency. | ๐ |
Along with the usual security concerns of software, LLMs face distinct vulnerabilities arising from their training and prompting methods.
Category | Details |
---|---|
Prompt hacking | Techniques related to prompt engineering, including prompt injection (adding instructions to alter the modelโs responses), data/prompt leaking (accessing original data or prompts), and jailbreaking (crafting prompts to bypass safety features). |
Backdoors | Attack vectors targeting the training data itself, such as poisoning the training data with false information or creating backdoors (hidden triggers to alter the modelโs behavior during inference). |
Defensive measures | Protecting LLM applications involves testing them for vulnerabilities (e.g., using red teaming and tools like garak) and monitoring them in production (using a framework like langfuse). |
Reference | Description | Link |
---|---|---|
OWASP LLM Top 10 by HEGO Wiki | List of the 10 most critical vulnerabilities found in LLM applications. | ๐ |
Prompt Injection Primer by Joseph Thacker | Short guide dedicated to prompt injection techniques for engineers. | ๐ |
LLM Security by @llm_sec | Extensive list of resources related to LLM security. | ๐ |
Red teaming LLMs by Microsoft | Guide on how to perform red teaming assessments with LLMs. | ๐ |
Article | Resources |
---|---|
LLMs Overview | ๐ |
NLP Embeddings | ๐ |
Preprocessing | ๐ |
Sampling | ๐ |
Tokenization | ๐ |
Transformer | ๐ |
Interview Preparation | ๐ |
Article | Resources |
---|---|
Generative Pre-trained Transformer (GPT) | ๐ |
Article | Resources |
---|---|
Activation Function | ๐ |
Fine Tuning Models | ๐ |
Enhancing Model Compression: Inference and Training Optimization Strategies | ๐ |
Model Summary | ๐ |
Splitting Datasets | ๐ |
Train Loss > Val Loss | ๐ |
Parameter Efficient Fine-Tuning | ๐ |
Gradient Descent and Backprop | ๐ |
Overfitting And Underfitting | ๐ |
Gradient Accumulation and Checkpointing | ๐ |
Flash Attention | ๐ |
Article | Resources |
---|---|
Quantization | ๐ |
Intro to Quantization | ๐ |
Knowledge Distillation | ๐ |
Pruning | ๐ |
DeepSpeed | ๐ |
Sharding | ๐ |
Mixed Precision Training | ๐ |
Inference Optimization | ๐ |
Article | Resources |
---|---|
Classification | ๐ |
Regression | ๐ |
Generative Text Models | ๐ |
Article | Resources |
---|---|
Open Source LLM Space for Commercial Use | ๐ |
Open Source LLM Space for Research Use | ๐ |
LLM Training Frameworks | ๐ |
Effective Deployment Strategies for Language Models | ๐ |
Tutorials about LLM | ๐ |
Courses about LLM | ๐ |
Deployment | ๐ |
Article | Resources |
---|---|
Lambda Labs vs AWS Cost Analysis | ๐ |
Neural Network Visualization | ๐ |
Title | Repository |
---|---|
Instruction based data prepare using OpenAI | ๐ |
Optimal Fine-Tuning using the Trainer API: From Training to Model Inference | ๐ |
Efficient Fine-tuning and inference LLMs with PEFT and LoRA | ๐ |
Efficient Fine-tuning and inference LLMs Accelerate | ๐ |
Efficient Fine-tuning with T5 | ๐ |
Train Large Language Models with LoRA and Hugging Face | ๐ |
Fine-Tune Your Own Llama 2 Model in a Colab Notebook | ๐ |
Guanaco Chatbot Demo with LLaMA-7B Model | ๐ |
PEFT Finetune-Bloom-560m-tagger | ๐ |
Finetune_Meta_OPT-6-1b_Model_bnb_peft | ๐ |
Finetune Falcon-7b with BNB Self Supervised Training | ๐ |
FineTune LLaMa2 with QLoRa | ๐ |
Stable_Vicuna13B_8bit_in_Colab | ๐ |
GPT-Neo-X-20B-bnb2bit_training | ๐ |
MPT-Instruct-30B Model Training | ๐ |
RLHF_Training_for_CustomDataset_for_AnyModel | ๐ |
Fine_tuning_Microsoft_Phi_1_5b_on_custom_dataset(dialogstudio) | ๐ |
Finetuning OpenAI GPT3.5 Turbo | ๐ |
Finetuning Mistral-7b FineTuning Model using Autotrain-advanced | ๐ |
RAG LangChain Tutorial | ๐ |
Mistral DPO Trainer | ๐ |
LLM Sharding | ๐ |
Integrating Unstructured and Graph Knowledge with Neo4j and LangChain for Enhanced Question | ๐ |
vLLM Benchmarking | ๐ |
Milvus Vector Database | ๐ |
Decoding Strategies | ๐ |
Peft QLora SageMaker Training | ๐ |
Optimize Single Model SageMaker Endpoint | ๐ |
Multi Adapter Inference | ๐ |
Inf2 LLM SM Deployment | ๐ |
Text Chunk Visualization In Progress |
๐ |
Fine-tune Llama 3 with ORPO | ๐ |
4 bit LLM Quantization with GPTQ | ๐ |
Model Family Tree | ๐ |
Create MoEs with MergeKit | ๐ |
LLM Projects | Respository |
---|---|
CSVQConnect | ๐ |
AI_VIRTUAL_ASSISTANT | ๐ |
DocuBotMultiPDFConversationalAssistant | ๐ |
autogpt | ๐ |
meta_llama_2finetuned_text_generation_summarization | ๐ |
text_generation_using_Llama | ๐ |
llm_using_petals | ๐ |
llm_using_petals | ๐ |
Salesforce-xgen | ๐ |
text_summarization_using_open_llama_7b | ๐ |
Text_summarization_using_GPT-J | ๐ |
codllama | ๐ |
Image_to_text_using_LLaVA | ๐ |
Tabular_data_using_llamaindex | ๐ |
nextword_sentence_prediction | ๐ |
Text-Generation-using-DeciLM-7B-instruct | ๐ |
Gemini-blog-creation | ๐ |
Prepare_holiday_cards_with_Gemini_and_Sheets | ๐ |
Code-Generattion_using_phi2_llm | ๐ |
RAG-USING-GEMINI | ๐ |
Resturant-Recommendation-Multi-Modal-RAG-using-Gemini | ๐ |
slim-sentiment-tool | ๐ |
Synthetic-Data-Generation-Using-LLM | ๐ |
Architecture-for-building-a-Chat-Assistant | ๐ |
LLM-CHAT-ASSISTANT-WITH-DYNAMIC-CONTEXT-BASED-ON-QUERY | ๐ |
Text Classifier using LLM | ๐ |
Multiclass sentiment Analysis | ๐ |
Text-Generation-Using-GROQ | ๐ |
DataAgents | ๐ |
PandasQuery_tabular_data | ๐ |
Exploratory_Data_Analysis_using_LLM | ๐ |
Dataset | # | Authors | Date | Notes | Category |
---|---|---|---|---|---|
Buzz | 31.2M | Alignment Lab AI | May 2024 | Huge collection of 435 datasets with data augmentation, deduplication, and other techniques. | General Purpose |
WebInstructSub | 2.39M | Yue et al. | May 2024 | Instructions created by retrieving document from Common Crawl, extracting QA pairs, and refining them. See the MAmmoTH2 paper (this is a subset). | General Purpose |
Bagel | >2M? | Jon Durbin | Jan 2024 | Collection of datasets decontaminated with cosine similarity. | General Purpose |
Hercules v4.5 | 1.72M | Sebastian Gabarain | Apr 2024 | Large-scale general-purpose dataset with math, code, RP, etc. See v4 for the list of datasets. | General Purpose |
Dolphin-2.9 | 1.39M | Cognitive Computations | Apr 2023 | Large-scale general-purpose dataset used by the Dolphin models. | General Purpose |
WildChat-1M | 1.04M | Zhao et al. | May 2023 | Real conversations between human users and GPT-3.5/4, including metadata. See the WildChat paper. | General Purpose |
OpenHermes-2.5 | 1M | Teknium | Nov 2023 | Another large-scale dataset used by the OpenHermes models. | General Purpose |
SlimOrca | 518k | Lian et al. | Sep 2023 | Curated subset of OpenOrca using GPT-4-as-a-judge to remove wrong answers. | General Purpose |
Tulu V2 Mix | 326k | Ivison et al. | Nov 2023 | Mix of high-quality datasets. See Tulu 2 paper. | General Purpose |
UltraInteract SFT | 289k | Yuan et al. | Apr 2024 | Focus on math, coding, and logic tasks with step-by-step answers. See Eurus paper. | General Purpose |
NeurIPS-LLM-data | 204k | Jindal et al. | Nov 2023 | Winner of NeurIPS LLM Efficiency Challenge, with an interesting data preparation strategy. | General Purpose |
UltraChat 200k | 200k | Tunstall et al., Ding et al. | Oct 2023 | Heavily filtered version of the UItraChat dataset, consisting of 1.4M dialogues generated by ChatGPT. | General Purpose |
WizardLM_evol_instruct_V2 | 143k | Xu et al. | Jun 2023 | Latest version of Evol-Instruct applied to Alpaca and ShareGPT data. See WizardLM paper. | General Purpose |
sft_datablend_v1 | 128k | NVIDIA | Jan 2024 | Blend of publicly available datasets: OASST, CodeContests, FLAN, T0, Open_Platypus, and GSM8K and others (45 total). | General Purpose |
Synthia-v1.3 | 119k | Migel Tissera | Nov 2023 | High-quality synthetic data generated using GPT-4. | General Purpose |
FuseChat-Mixture | 95k | Wan et al. | Feb 2024 | Selection of samples from high-quality datasets. See FuseChat paper. | General Purpose |
oasst1 | 84.4k | Kรถpf et al. | Mar 2023 | Human-generated assistant-style conversation corpus in 35 different languages. See OASST1 paper and oasst2. | General Purpose |
WizardLM_evol_instruct_70k | 70k | Xu et al. | Apr 2023 | Evol-Instruct applied to Alpaca and ShareGPT data. See WizardLM paper. | General Purpose |
airoboros-3.2 | 58.7k | Jon Durbin | Dec 2023 | High-quality uncensored dataset. | General Purpose |
ShareGPT_Vicuna_unfiltered | 53k | anon823 1489123 | Mar 2023 | Filtered version of the ShareGPT dataset, consisting of real conversations between users and ChatGPT. | General Purpose |
lmsys-chat-1m-smortmodelsonly | 45.8k | Nebulous, Zheng et al. | Sep 2023 | Filtered version of lmsys-chat-1m with responses from GPT-4, GPT-3.5-turbo, Claude-2, Claude-1, and Claude-instant-1. | General Purpose |
Open-Platypus | 24.9k | Lee et al. | Sep 2023 | Collection of datasets that were deduplicated using Sentence Transformers (it contains an NC dataset). See Platypus paper. | General Purpose |
databricks-dolly-15k | 15k | Conover et al. | May 2023 | Generated by Databricks employees, prompt/response pairs in eight different instruction categories, including the seven outlined in the InstructGPT paper. | General Purpose |
OpenMathInstruct-1 | 5.75M | Toshniwal et al. | Feb 2024 | Problems from GSM8K and MATH, solutions generated by Mixtral-8x7B. | Math |
MetaMathQA | 395k | Yu et al. | Dec 2023 | Bootstrap mathematical questions by rewriting them from multiple perspectives. See MetaMath paper. | Math |
MathInstruct | 262k | Yue et al. | Sep 2023 | Compiled from 13 math rationale datasets, six of which are newly curated, and focuses on chain-of-thought and program-of-thought. | Math |
Orca-Math | 200k | Mitra et al. | Feb 2024 | Grade school math world problems generated using GPT4-Turbo. See Orca-Math paper. | Math |
CodeFeedback-Filtered-Instruction | 157k | Zheng et al. | Feb 2024 | Filtered version of Magicoder-OSS-Instruct, ShareGPT (Python), Magicoder-Evol-Instruct, and Evol-Instruct-Code. | Code |
Tested-143k-Python-Alpaca | 143k | Vezora | Mar 2024 | Collection of generated Python code that passed automatic tests to ensure high quality. | Code |
glaive-code-assistant | 136k | Glaive.ai | Sep 2023 | Synthetic data of problems and solutions with ~60% Python samples. Also see the v2 version. | Code |
Magicoder-Evol-Instruct-110K | 110k | Wei et al. | Nov 2023 | A decontaminated version of evol-codealpaca-v1. Decontamination is done in the same way as StarCoder (bigcode decontamination process). See Magicoder paper. | Code |
dolphin-coder | 109k | Eric Hartford | Nov 2023 | Dataset transformed from leetcode-rosetta. | Code |
synthetic_tex_to_sql | 100k | Gretel.ai | Apr 2024 | Synthetic text-to-SQL samples (~23M tokens), covering diverse domains. | Code |
sql-create-context | 78.6k | b-mc2 | Apr 2023 | Cleansed and augmented version of the WikiSQL and Spider datasets. | Code |
Magicoder-OSS-Instruct-75K | 75k | Wei et al. | Nov 2023 | OSS-Instruct dataset generated by gpt-3.5-turbo-1106 . See Magicoder paper. |
Code |
Code-Feedback | 66.4k | Zheng et al. | Feb 2024 | Diverse Code Interpreter-like dataset with multi-turn dialogues and interleaved text and code responses. See OpenCodeInterpreter paper. | Code |
Open-Critic-GPT | 55.1k | Vezora | Jul 2024 | Use a local model to create, introduce, and identify bugs in code across multiple programming languages. | Code |
self-oss-instruct-sc2-exec-filter-50k | 50.7k | Lozhkov et al. | Apr 2024 | Created in three steps with seed functions from TheStack v1, self-instruction with StarCoder2, and self-validation. See the blog post. | Code |
Bluemoon | 290k | Squish42 | Jun 2023 | Posts from the Blue Moon roleplaying forum cleaned and scraped by a third party. | Conversation & Role-Play |
PIPPA | 16.8k | Gosling et al., kingbri | Aug 2023 | Deduped version of Pygmalion's PIPPA in ShareGPT format. | Conversation & Role-Play |
Capybara | 16k | LDJnr | Dec 2023 | Strong focus on information diversity across a wide range of domains with multi-turn conversations. | Conversation & Role-Play |
RPGPT_PublicDomain-alpaca | 4.26k | practical dreamer | May 2023 | Synthetic dataset of public domain character dialogue in roleplay format made with build-a-dataset. | Conversation & Role-Play |
Pure-Dove | 3.86k | LDJnr | Sep 2023 | Highly filtered multi-turn conversations between GPT-4 and real humans. | Conversation & Role-Play |
Opus Samantha | 1.85k | macadelicc | Apr 2024 | Multi-turn conversations with Claude 3 Opus. | Conversation & Role-Play |
LimaRP-augmented | 804 | lemonilia, grimulkan | Jan 2024 | Augmented and cleansed version of LimaRP, consisting of human roleplaying conversations. | Conversation & Role-Play |
glaive-function-calling-v2 | 113k | Sahil Chaudhary | Sep 2023 | High-quality dataset with pairs of instructions and answers in different languages. See Locutusque/function-calling-chatml for a variant without conversation tags. |
Agent & Function calling |
xlam-function-calling-60k | 60k | Salesforce | Jun 2024 | Samples created using a data generation pipeline designed to produce verifiable data for function-calling applications. | Agent & Function calling |
Agent-FLAN | 34.4k | internlm | Mar 2024 | Mix of AgentInstruct, ToolBench, and ShareGPT datasets. | Agent & Function calling |
Alignment is an emerging field of study where you ensure that an AI system performs exactly what you want it to perform. In the context of LLMs specifically, alignment is a process that trains an LLM to ensure that the generated outputs align with human values and goals.
What are the current methods for LLM alignment?
You will find many alignment methods in research literature, we will only stick to 3 alignment methods for the sake of discussion
- Step 1 & 2: Train an LLM (pre-training for the base model + supervised/instruction fine-tuning for chat model)
- Step 3: RLHF uses an ancillary language model (it could be much smaller than the main LLM) to learn human preferences. This can be done using a preference dataset - it contains a prompt, and a response/set of responses graded by expert human labelers. This is called a โreward modelโ.
- Step 4: Use a reinforcement learning algorithm (eg: PPO - proximal policy optimization), where the LLM is the agent, the reward model provides a positive or negative reward to the LLM based on how well itโs responses align with the โhuman preferred responsesโ. In theory, it is as simple as that. However, implementation isnโt that easy - requiring lot of human experts and compute resources. To overcome the โexpenseโ of RLHF, researchers developed DPO.
- RLHF : RLHF: Reinforcement Learning from Human Feedback
- Step 1&2 remain the same
- Step 4: DPO eliminates the need for the training of a reward model (i.e step 3). How? DPO defines an additional preference loss as a function of itโs policy and uses the language model directly as the reward model. The idea is simple, If you are already training such a powerful LLM, why not train itself to distinguish between good and bad responses, instead of using another model?
- DPO is shown to be more computationally efficient (in case of RLHF you also need to constantly monitor the behavior of the reward model) and has better performance than RLHF in several settings.
- Blog on DPO : Aligning LLMs with Direct Preference Optimization (DPO)โ background, overview, intuition and paper summary
- The newest method out of all 3, ORPO combines Step 2, 3 & 4 into a single step - so the dataset required for this method is a combination of a fine-tuning + preference dataset.
- The supervised fine-tuning and alignment/preference optimization is performed in a single step. This is because the fine-tuning step, while allowing the model to specialize to tasks and domains, can also increase the probability of undesired responses from the model.
- ORPO combines the steps using a single objective function by incorporating an odds ratio (OR) term - reward preferred responses & penalizing rejected responses.
- Blog on ORPO : ORPO Outperforms SFT+DPO | Train Phi-2 with ORPO
Datasets | Descriptions | Link |
---|---|---|
Distilabel | General-purpose framework that can generate and augment data (SFT, DPO) with techniques like UltraFeedback and DEITA | ๐ |
Auto Data | Lightweight library to automatically generate fine-tuning datasets with API models. | ๐ |
Bonito | Library for generating synthetic instruction tuning datasets for your data without GPT (see also AutoBonito). | ๐ |
Augmentoolkit | Framework to convert raw text into datasets using open-source and closed-source models. | ๐ |
Magpie | Your efficient and high-quality synthetic data generation pipeline by prompting aligned LLMs with nothing. | ๐ |
Genstruct | An instruction generation model, which is designed to generate valid instructions from raw data | ๐ |
DataDreamer | A python library for prompting and synthetic data generation. | ๐ |
Datasets | Descriptions | Link |
---|---|---|
llm-swarm | Generate synthetic datasets for pretraining or fine-tuning using either local LLMs or Inference Endpoints on the Hugging Face Hub | ๐ |
Cosmopedia | Hugging Face's code for generating the Cosmopedia dataset. | ๐ |
textbook_quality | A repository for generating textbook-quality data, mimicking the approach of the Microsoft's Phi models. | ๐ |
Datasets | Descriptions | Link |
---|---|---|
sentence-transformers | A python module for working with popular language embedding models. | ๐ |
Lilac | Tool to curate better data for LLMs, used by NousResearch, databricks, cohere, Alignment Lab AI. It can also apply filters. | ๐ |
After immersing myself in the recent GenAI text-based language model hype for nearly a month, I have made several observations about its performance on my specific tasks.
Please note that these observations are subjective and specific to my own experiences, and your conclusions may differ.
- We need a minimum of 7B parameter models (<7B) for optimal natural language understanding performance. Models with fewer parameters result in a significant decrease in performance. However, using models with more than 7 billion parameters requires a GPU with greater than 24GB VRAM (>24GB).
- Benchmarks can be tricky as different LLMs perform better or worse depending on the task. It is crucial to find the model that works best for your specific use case. In my experience, MPT-7B is still the superior choice compared to Falcon-7B.
- Prompts change with each model iteration. Therefore, multiple reworks are necessary to adapt to these changes. While there are potential solutions, their effectiveness is still being evaluated.
- For fine-tuning, you need at least one GPU with greater than 24GB VRAM (>24GB). A GPU with 32GB or 40GB VRAM is recommended.
- Fine-tuning only the last few layers to speed up LLM training/finetuning may not yield satisfactory results. I have tried this approach, but it didn't work well.
- Loading 8-bit or 4-bit models can save VRAM. For a 7B model, instead of requiring 16GB, it takes approximately 10GB or less than 6GB, respectively. However, this reduction in VRAM usage comes at the cost of significantly decreased inference speed. It may also result in lower performance in text understanding tasks.
- Those who are exploring LLM applications for their companies should be aware of licensing considerations. Training a model with another model as a reference and requiring original weights is not advisable for commercial settings.
- There are three major types of LLMs: basic (like GPT-2/3), chat-enabled, and instruction-enabled. Most of the time, basic models are not usable as they are and require fine-tuning. Chat versions tend to be the best, but they are often not open-source.
- Not every problem needs to be solved with LLMs. Avoid forcing a solution around LLMs. Similar to the situation with deep reinforcement learning in the past, it is important to find the most appropriate approach.
- I have tried but didn't use langchains and vector-dbs. I never needed them. Simple Python, embeddings, and efficient dot product operations worked well for me.
- LLMs do not need to have complete world knowledge. Humans also don't possess comprehensive knowledge but can adapt. LLMs only need to know how to utilize the available knowledge. It might be possible to create smaller models by separating the knowledge component.
- The next wave of innovation might involve simulating "thoughts" before answering, rather than simply predicting one word after another. This approach could lead to significant advancements.
- The overparameterization of LLMs presents a significant challenge: they tend to memorize extensive amounts of training data. This becomes particularly problematic in RAG scenarios when the context conflicts with this "implicit" knowledge. However, the situation escalates further when the context itself contains contradictory information. A recent survey paper comprehensively analyzes these "knowledge conflicts" in LLMs, categorizing them into three distinct types:
-
Context-Memory Conflicts: Arise when external context contradicts the LLM's internal knowledge.
- Solution
- Fine-tune on counterfactual contexts to prioritize external information.
- Utilize specialized prompts to reinforce adherence to context
- Apply decoding techniques to amplify context probabilities.
- Pre-train on diverse contexts across documents.
- Solution
-
Inter-Context Conflicts: Contradictions between multiple external sources.
- Solution:
- Employ specialized models for contradiction detection.
- Utilize fact-checking frameworks integrated with external tools.
- Fine-tune discriminators to identify reliable sources.
- Aggregate high-confidence answers from augmented queries.
- Solution:
-
Intra-Memory Conflicts: The LLM gives inconsistent outputs for similar inputs due to conflicting internal knowledge.
- Solution:
- Fine-tune with consistency loss functions.
- Implement plug-in methods, retraining on word definitions.
- Ensemble one model's outputs with another's coherence scoring.
- Apply contrastive decoding, focusing on truthful layers/heads.
- Solution:
-
- The difference between PPO and DPOs: in DPO you donโt need to train a reward model anymore. Having good and bad data would be sufficient!
- ORPO: โA straightforward and innovative reference model-free monolithic odds ratio preference optimization algorithm, ORPO, eliminating the necessity for an additional preference alignment phase. โ Hong, Lee, Thorne (2024)
- KTO: โKTO does not need preferences -- only a binary signal of whether an output is desirable or undesirable for a given input. This makes it far easier to use in the real world, where preference data is scarce and expensive.โ Ethayarajh et al (2024)
Contributions are welcome! If you'd like to contribute to this project, feel free to open an issue or submit a pull request.
This project is licensed under the MIT License.
Sunil Ghimire is a NLP Engineer passionate about literature. He believes that words and data are the two most powerful tools to change the world.
Created with โค๏ธ by Sunil Ghimire