This guide will show you how to fine-tune any LLM quickly using modal
and axolotl
.
Modal gives the popular axolotl
LLM fine-tuning library serverless superpowers.
If you run your fine-tuning jobs on Modal's cloud infrastructure, you get to train your models without worrying about juggling Docker images or letting expensive GPU VMs sit idle.
And any application written with Modal can be easily scaled across many GPUs -- whether that's several H100 servers running fine-tunes in parallel or hundreds of A100 or A10G instances running production inference.
Our sample configurations use many of the recommended, state-of-the-art optimizations for efficient, performant training that axolotl
supports, including:
- Deepspeed ZeRO to utilize multiple GPUs during training, according to a strategy you configure.
- LoRA Adapters for fast, parameter-efficient fine-tuning.
- Flash attention for fast and memory-efficient attention calculations during training.
Our quickstart example overfits a 7B model on a very small subsample of a text-to-SQL dataset as a proof of concept. Overfitting is a great way to test training setups because it can be done quickly (under five minutes!) and with minimal data but closely resembles the actual training process.
It uses DeepSpeed ZeRO-3 Offload to shard model and optimizer state across 2 A100s.
Inference on the fine-tuned model displays conformity to the output structure ([SQL] ... [/SQL]
). To achieve better results, you'll need to use more data! Refer to the Development section below.
-
Set up authentication to Modal for infrastructure, Hugging Face for models, and (optionally) Weights & Biases for training observability:
Setting up
- Create a Modal account.
- Install
modal
in your current Python virtual environment (pip install modal
) - Set up a Modal token in your environment (
python3 -m modal setup
) - You need to have a secret named
my-huggingface-secret
in your workspace. You can create a new secret with the HuggingFace template in your Modal dashboard, using the key from HuggingFace (in settings under API tokens) to populateHF_TOKEN
. - For some LLaMA models, you need to go to the Hugging Face page (e.g. this page for LLaMA 3 8B_ and agree to their Terms and Conditions for access (granted instantly).
- If you want to use Weights & Biases for logging, you need to have a secret named
wandb
in your workspace as well. You can also create it from a template. Training is hard enough without good logs, so we recommend you try it or look intoaxolotl
's integration with MLFlow!
-
Clone this repository:
git clone https://github.com/modal-labs/llm-finetuning.git cd llm-finetuning
-
Launch a finetuning job:
export ALLOW_WANDB=true # if you're using Weights & Biases modal run --detach src.train --config=config/mistral-memorize.yml --data=data/sqlqa.subsample.jsonl
This example training script is opinionated in order to make it easy to get started. Feel free to adapt it to suit your needs.
- Run inference for the model you just trained:
# run one test inference
modal run -q src.inference --prompt "[INST] Using the schema context below, generate a SQL query that answers the question.
CREATE TABLE head (name VARCHAR, born_state VARCHAR, age VARCHAR)
List the name, born state and age of the heads of departments ordered by name. [/INST]"
# π€: [SQL] SELECT name, born_state, age FROM head ORDER BY name [/SQL] # or something like that!
# π§ : Effective throughput of 36.27 tok/s
# deploy a serverless inference service
modal deploy src.inference
curl https://YOUR_MODAL_USERNAME--example-axolotl-inference-web.modal.run?input=%5BINST%5Dsay%20hello%20in%20SQL%5B%2FINST%5D
# [SQL] Select 'Hello' [/SQL]
One of the key features of axolotl is that it flattens your data from a JSONL file into a prompt template format you specify in the config. Tokenization and prompt templating are where most mistakes are made when fine-tuning.
We strongly recommend that you always inspect your data the first time you fine-tune a model on a new dataset.
This Modal app does not expose all configuration via the CLI, the way that axolotl does. You specify all your desired options in the config file instead.
The fine-tuning logic is in train.py
. These are the important functions:
-
launch
prepares a new folder in the/runs
volume with the training config and data for a new training job. It also ensures the base model is downloaded from HuggingFace. -
train
takes a prepared folder and performs the training job using the config and data. Some notes about thetrain
command: -
The
--data
flag is used to pass your dataset to axolotl. This dataset is then written to thedatasets.path
as specified in your config file. If you already have a dataset atdatasets.path
, you must be careful to also pass the same path to--data
to ensure the dataset is correctly loaded. -
Unlike
axolotl
, you cannot pass additional flags to thetrain
command. However, you can specify all your desired options in the config file instead. -
--no-merge-lora
will prevent the LoRA adapter weights from being merged into the base model weights.
The inference.py
file includes a vLLM inference server for any pre-trained or fine-tuned model from a previous training job.
You can view some example configurations in config
for a quick start with different models. See an overview of axolotl
's config options here.
The most important options to consider are:
Model
base_model: mistralai/Mistral-7B-v0.1
Dataset (You can see all dataset options here)
datasets:
# This will be the path used for the data when it is saved to the Volume in the cloud.
- path: data.jsonl
ds_type: json
type:
# JSONL file contains question, context, answer fields per line.
# This gets mapped to instruction, input, output axolotl tags.
field_instruction: question
field_input: context
field_output: answer
# Format is used by axolotl to generate the prompt.
format: |-
[INST] Using the schema context below, generate a SQL query that answers the question.
{input}
{instruction} [/INST]
LoRA
adapter: lora # for qlora, or leave blank for full finetune (requires much more GPU memory!)
lora_r: 16
lora_alpha: 32 # alpha = 2 x rank is a good rule of thumb.
lora_dropout: 0.05
lora_target_linear: true # target all linear layers
Custom Datasets
axolotl
supports many dataset formats. We recommend adding your custom dataset as a .jsonl
file in the data
folder and making the appropriate modifications to your config.
Logging with Weights and Biases
To track your training runs with Weights and Biases, add your wandb
config information to your config.yml
:
wandb_project: code-7b-sql-output # set the project name
wandb_watch: gradients # track histograms of gradients
and set the ALLOW_WANDB
environment variable to true
when launching your training job:
ALLOW_WANDB=true modal run --detach src.train --config=... --data=...
We recommend DeepSpeed for multi-GPU training, which is easy to set up. axolotl
provides several default deepspeed JSON configurations and Modal makes it easy to attach multiple GPUs of any type in code, so all you need to do is specify which of these configs you'd like to use.
First edit the DeepSpeed config in your .yml
:
deepspeed: /root/axolotl/deepspeed_configs/zero3_bf16.json
and then when you launch your training job,
set the GPU_CONFIG
environment variable to the GPU configuration you want to use:
GPU_CONFIG=a100-80gb:4 modal run --detach src.train --config=... --data=...
You can find the results of all your runs via the CLI with
modal volume ls example-runs-vol
or view them in your Modal dashboard.
You can browse the artifacts created by your training run with the following command, which is also printed out at the end of your training run in the logs:
modal volume ls example-runs-vol <run id>
# example: modal volume ls example-runs-vol axo-2024-04-13-19-13-05-0fb0
By default, the Modal axolotl
trainer automatically merges the LoRA adapter weights into the base model weights.
The directory for a finished run will look like something this:
$ modal volume ls example-runs-vol axo-2024-04-13-19-13-05-0fb0/
Directory listing of 'axo-2024-04-13-19-13-05-0fb0/' in 'example-runs-vol'
ββββββββββββββββββββββββββββββββββββββββββββββββββ³βββββββ³ββββββββββββββββββββββββββββ³ββββββββββ
β filename β type β created/modified β size β
β‘ββββββββββββββββββββββββββββββββββββββββββββββββββββββββββββββββββββββββββββββββββββββββββββββ©
β axo-2024-04-13-19-13-05-0fb0/last_run_prepared β dir β 2024-04-13 12:13:39-07:00 β 32 B β
β axo-2024-04-13-19-13-05-0fb0/mlruns β dir β 2024-04-13 12:14:19-07:00 β 7 B β
β axo-2024-04-13-19-13-05-0fb0/lora-out β dir β 2024-04-13 12:20:55-07:00 β 178 B β
β axo-2024-04-13-19-13-05-0fb0/logs.txt β file β 2024-04-13 12:19:52-07:00 β 133 B β
β axo-2024-04-13-19-13-05-0fb0/data.jsonl β file β 2024-04-13 12:13:05-07:00 β 1.3 MiB β
β axo-2024-04-13-19-13-05-0fb0/config.yml β file β 2024-04-13 12:13:05-07:00 β 1.7 KiB β
ββββββββββββββββββββββββββββββββββββββββββββββββββ΄βββββββ΄ββββββββββββββββββββββββββββ΄ββββββββββ
The LoRA adapters are stored in lora-out
. The merged weights are stored in lora-out/merged
. Note that many inference frameworks can only load the merged weights!
To run inference with a model from a past training job, you can specify the run name via the command line:
modal run -q src.inference --run-name=...
CUDA Out of Memory (OOM)
This means your GPU(s) ran out of memory during training. To resolve, either increase your GPU count/memory capacity with multi-GPU training, or try reducing any of the following in your config.yml
: micro_batch_size, eval_batch_size, gradient_accumulation_steps, sequence_len
self.state.epoch = epoch + (step + 1 + steps_skipped) / steps_in_epoch ZeroDivisionError: division by zero
This means your training dataset might be too small.
Missing config option when using
modal run
in the CLI
Make sure your modal
client >= 0.55.4164 (upgrade to the latest version using pip install --upgrade modal
)
AttributeError: 'Accelerator' object has no attribute 'deepspeed_config'
Try removing the wandb_log_model
option from your config. See #4143.