This article will explore the llama factory, released on 21 March 2024, and learn how to fine-tune Llama 3 using GPU Droplets. However, for our task, we will use the NVIDIA A4000 GPU, which is considered one of the most powerful single-slot GPUs, enabling seamless integration into various workstation setups.
Utilizing the NVIDIA Ampere architecture, the RTX A4000 integrates 48 second-generation RT Cores, 192 third-generation Tensor Cores, and 6,144 CUDA cores alongside 16GB of graphics memory with error-correction code (ECC); this ensures precise and reliable computing for innovative projects.
Until recently, fine-tuning a large language model was a complex task mainly reserved for machine learning and AI experts. However, this notion is changing rapidly with the ever-evolving field of artificial intelligence. New tools like Llama Factory are emerging, making the fine-tuning process more accessible and efficient. In addition, one can now use techniques such as DPO, ORPO, PPO, and SFT for fine-tuning and model optimization. Furthermore, you can now efficiently train and fine-tune models such as Llama, Mistral, Falcon, and more.
This is an intermediate-level tutorial that details the process of fine-tuning a LLaMA 3 model with a demo. We recommend that all readers be familiar with the general functionality of Generative Pretrained Transformers before continuing.
To run the demo, a sufficiently powerful NVIDIA GPU is required. We recommend using an H100.
Fine-tuning a model involves adjusting the parameters of a pre-trained or base model that can be used for a specific task or dataset, enhancing its performance and accuracy. This process involves providing the model with new data and modifying its weights, biases, and certain parameters to minimize loss and cost. By doing so, this new model can perform well on any new task or dataset without starting from scratch, helping to save time and resources.
Typically, when a new large language model (LLM) is created, it undergoes training on a large corpus of textual data, which may include potentially harmful or toxic content. Following the pre-training or initial training phase, the model is fine-tuned with safety measures, ensuring it avoids generating harmful or toxic responses. However, this approach could be better. Nonetheless, the concept of fine-tuning addresses the need to adapt models to specific requirements.
Enter the Llama Factory, a tool that facilitates the efficient and cost-effective fine-tuning of over 100 models. Llama Factory streamlines the process of fine-tuning models, making it accessible and user-friendly. It also has a hugging face space provided by Hiyouga that can be used to fine-tune the model.
This space also supports Lora and GaLore configuration to reduce GPU usage. With an easy slider bar, users can easily change parameters such as drop-out, epochs, batch size, etc. There are also multiple dataset options to choose from to fine-tune your model. As discussed in this article, the Llama Factory supports many models, including different versions of llama, mistral, and Falcon. It also supports advanced algorithms like GaLore, BADM, and Lora, offering various features such as flash attention, positional encoding, and scaling.
Additionally, you can integrate monitoring tools like TensorBoard or MLflow.
LLaMA Board is a user-friendly tool that helps people adjust and improve Language Model (LLM) performance without needing to know how to code. It’s like a dashboard where you can easily customize how a language model learns and processes information.
Here are some key features:
Feel free to use any cloud platform, select the GPU of your choice, and start a notebook.
We will start by cloning the repo and installing the necessary libraries,
!git clone https://github.com/hiyouga/LLaMA-Factory.git
%cd LLaMA-Factory
%ls
Next, we will install unsloth, which allows us to finetune the model efficiently. Further, we will install xformers and bitsandbytes.
# install necessary packages
!pip install "unsloth[colab-new] @ git+https://github.com/unslothai/unsloth.git"
!pip install --no-deps xformers==0.0.25
!pip install .[bitsandbytes]
!pip install 'urllib3<2'
Once everything is installed, we will check the GPU specifications,
!nvidia-smi
Next, we will import the torch and check our CUDA because we are using GPU here.
import torch
try:
assert torch.cuda.is_available() is True
except AssertionError:
print("Your GPU is not setup!")
We will now import the dataset, which comes with the GitHub repo that we cloned. We can also create a custom dataset and use that instead.
import json
%cd /notebooks/LLaMA-Factory
MODEL_NAME = "Llama-3"
with open("/notebooks/LLaMA-Factory/data/identity.json", "r", encoding="utf-8") as f:
dataset = json.load(f)
for sample in dataset:
sample["output"] = sample["output"].replace("MODEL_NAME", MODEL_NAME).replace("AUTHOR", "LLaMA Factory")
with open("/notebooks/LLaMA-Factory/data/identity.json", "w", encoding="utf-8") as f:
json.dump(dataset, f, indent=2, ensure_ascii=False)
#generates the web app link
%cd /notebooks/LLaMA-Factory
!GRADIO_SHARE=1 llamafactory-cli webui
You can click on the generated public link to continue onto the GUI.
Model Selection
Adapter Configuration
Training Options
Data Set Selection
Hyperparameter Configuration
Laura Configuration
Start Training
This will start the training.
We will also start the training and fine-tuning using the CLI commands. You can use the below code to specify the parameters.
args = dict(
stage="sft", # Specifies the stage of training. Here, it's set to "sft" for supervised fine-tuning
do_train=True,
model_name_or_path="unsloth/llama-3-8b-Instruct-bnb-4bit", # use bnb-4bit-quantized Llama-3-8B-Instruct model
dataset="identity,alpaca_gpt4_en", # use the alpaca and identity datasets
template="llama3", # use llama3 for prompt template
finetuning_type="lora", # use the LoRA adapters which saves up memory
lora_target="all", # attach LoRA adapters to all linear layers
output_dir="llama3_lora", # path to save LoRA adapters
per_device_train_batch_size=2, # specify the batch size
gradient_accumulation_steps=4, # the gradient accumulation steps
lr_scheduler_type="cosine", # use the learning rate as cosine learning rate scheduler
logging_steps=10, # log every 10 steps
warmup_ratio=0.1, # use warmup scheduler
save_steps=1000, # save checkpoint every 1000 steps
learning_rate=5e-5, # the learning rate
num_train_epochs=3.0, # the epochs of training
max_samples=500, # use 500 examples in each dataset
max_grad_norm=1.0, # clip gradient norm to 1.0
quantization_bit=4, # use 4-bit QLoRA
loraplus_lr_ratio=16.0, # use LoRA+ with lambda=16.0
use_unsloth=True, # use UnslothAI's LoRA optimization for 2x faster training
fp16=True, # use float16 mixed precision training
)
json.dump(args, open("train_llama3.json", "w", encoding="utf-8"), indent=2)
Next, open a terminal and run the below command
!llamafactory-cli train train_llama3.json
This will start the training process.
Once the model training is completed, we can use the model to infer from. Let us try doing that and see how the model works.
args = dict(
model_name_or_path="unsloth/llama-3-8b-Instruct-bnb-4bit", # Specifies the name or path of the pre-trained model to be used for inference. In this case, it's set to "unsloth/llama-3-8b-Instruct-bnb-4bit".
#adapter_name_or_path="llama3_lora", # load the saved LoRA adapters
finetuning_type="lora", # Specifies the type of fine-tuning. Here, it's set to "lora" for LoRA adapters.
template="llama3", # Specifies the prompt template to be used for inference. Here, it's set to "llama3"
quantization_bit=4, # Specifies the number of bits for quantization. In this case, it's set to 4
use_unsloth=True, # use UnslothAI's LoRA optimization for 2x faster generation
)
json.dump(args, open("infer_llama3.json", "w", encoding="utf-8"), indent=2)
Here, we define our model with the saved adapter, select chat templates, and specify user-assistant interactions.
Next, run the below code using your terminal.
!llamafactory-cli chat infer_llama3.json
Users are encouraged to experiment with Llama-Factory using any model and adjusting the parameters.
Effective fine-tuning has become one of the necessities for large language models (LLMs) to adapt itself for specific tasks. However, it requires some amount of effort and is quite challenging sometimes. With the introduction of LLama-Factory, a comprehensive framework that consolidates advanced, efficient training techniques, users can easily customize fine-tuning for over 100 LLMs without coding requirements.
We hope this article inspires more developers to explore this framework for building LLMs that can make a positive impact on society. It’s essential to adhere to the model’s licensing terms when using LLaMA-Factory for fine-tuning to ensure responsible and ethical usage.
With that, we conclude this article. As we’ve seen, fine-tuning a model has become remarkably quick and accessible. Additionally, you can easily publish your fine-tuned model to the Hugging Face Hub using the Hugging Face CLI, making it shareable and reusable by the broader community.
Thanks for learning with the DigitalOcean Community. Check out our offerings for compute, storage, networking, and managed databases.
This textbox defaults to using Markdown to format your answer.
You can type !ref in this text area to quickly search our full set of tutorials, documentation & marketplace offerings and insert the link!