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.
- π§βπ¬ LLM Scientist
- In-Depth Articles
- Codebase Mastery: Building with Perfection
- Codebase Mastery: Building with Perfection
- LLM PlayLab
- What I am learning
- Contributing
- License
In this segment of the curriculum, participants delve into mastering the creation of top-notch LLMs through cutting-edge methodologies.
Toggle section
graph LR
Scientist["LLM Scientist π©βπ¬"] --> Architecture["The LLM architecture ποΈ"]
Scientist["LLM Scientist π©βπ¬"] --> Instruction["Building an instruction dataset π"]
Scientist["LLM Scientist π©βπ¬"] --> Pretraining["Pretraining models π οΈ"]
Scientist["LLM Scientist π©βπ¬"] --> FineTuning["Supervised Fine-Tuning π―"]
Scientist["LLM Scientist π©βπ¬"] --> RLHF["RLHF π"]
Scientist["LLM Scientist π©βπ¬"] --> Evaluation["Evaluation π"]
Scientist["LLM Scientist π©βπ¬"] --> Quantization["Quantization βοΈ"]
Scientist["LLM Scientist π©βπ¬"] --> 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. | π |
Article | Resources |
---|---|
LLMs Overview | π |
NLP Embeddings | π |
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 | π |
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 | π |
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 | π |
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
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.
Created with β€οΈ by Sunil Ghimire