TRL documentation

SFT Trainer

You are viewing main version, which requires installation from source. If you'd like regular pip install, checkout the latest stable version (v0.24.0).
Hugging Face's logo
Join the Hugging Face community

and get access to the augmented documentation experience

to get started

SFT Trainer

All_models-SFT-blue smol_course-Chapter_1-yellow

Overview

TRL supports the Supervised Fine-Tuning (SFT) Trainer for training language models.

This post-training method was contributed by Younes Belkada.

Quick start

This example demonstrates how to train a language model using the SFTTrainer from TRL. We train a Qwen 3 0.6B model on the Capybara dataset, a compact, diverse multi-turn dataset to benchmark reasoning and generalization.

from trl import SFTTrainer
from datasets import load_dataset

trainer = SFTTrainer(
    model="Qwen/Qwen3-0.6B",
    train_dataset=load_dataset("trl-lib/Capybara", split="train"),
)
trainer.train()

Expected dataset type and format

SFT supports both language modeling and prompt-completion datasets. The SFTTrainer is compatible with both standard and conversational dataset formats. When provided with a conversational dataset, the trainer will automatically apply the chat template to the dataset.

# Standard language modeling
{"text": "The sky is blue."}

# Conversational language modeling
{"messages": [{"role": "user", "content": "What color is the sky?"},
              {"role": "assistant", "content": "It is blue."}]}

# Standard prompt-completion
{"prompt": "The sky is",
 "completion": " blue."}

# Conversational prompt-completion
{"prompt": [{"role": "user", "content": "What color is the sky?"}],
 "completion": [{"role": "assistant", "content": "It is blue."}]}

If your dataset is not in one of these formats, you can preprocess it to convert it into the expected format. Here is an example with the FreedomIntelligence/medical-o1-reasoning-SFT dataset:

from datasets import load_dataset

dataset = load_dataset("FreedomIntelligence/medical-o1-reasoning-SFT", "en")

def preprocess_function(example):
    return {
        "prompt": [{"role": "user", "content": example["Question"]}],
        "completion": [
            {"role": "assistant", "content": f"<think>{example['Complex_CoT']}</think>{example['Response']}"}
        ],
    }

dataset = dataset.map(preprocess_function, remove_columns=["Question", "Response", "Complex_CoT"])
print(next(iter(dataset["train"])))
{
    "prompt": [
        {
            "content": "Given the symptoms of sudden weakness in the left arm and leg, recent long-distance travel, and the presence of swollen and tender right lower leg, what specific cardiac abnormality is most likely to be found upon further evaluation that could explain these findings?",
            "role": "user",
        }
    ],
    "completion": [
        {
            "content": "<think>Okay, let's see what's going on here. We've got sudden weakness [...] clicks into place!</think>The specific cardiac abnormality most likely to be found in [...] the presence of a PFO facilitating a paradoxical embolism.",
            "role": "assistant",
        }
    ],
}

Looking deeper into the SFT method

Supervised Fine-Tuning (SFT) is the simplest and most commonly used method to adapt a language model to a target dataset. The model is trained in a fully supervised fashion using pairs of input and output sequences. The goal is to minimize the negative log-likelihood (NLL) of the target sequence, conditioning on the input.

This section breaks down how SFT works in practice, covering the key steps: preprocessing, tokenization and loss computation.

Preprocessing and tokenization

During training, each example is expected to contain a text field or a (prompt, completion) pair, depending on the dataset format. For more details on the expected formats, see Dataset formats. The SFTTrainer tokenizes each input using the model’s tokenizer. If both prompt and completion are provided separately, they are concatenated before tokenization.

Computing the loss

sft_figure

The loss used in SFT is the token-level cross-entropy loss, defined as: LSFT(θ)=t=1Tlogpθ(yty<t), \mathcal{L}_{\text{SFT}}(\theta) = - \sum_{t=1}^{T} \log p_\theta(y_t \mid y_{<t}),

where yt y_t is the target token at timestep t t , and the model is trained to predict the next token given the previous ones. In practice, padding tokens are masked out during loss computation.

[!TIP][On the Generalization of SFT: A Reinforcement Learning Perspective with Reward Rectification](https://huggingface.co/papers/2508.05629) proposes an alternative loss function, called Dynamic Fine-Tuning (DFT), which aims to improve generalization by rectifying the reward signal. This method can be enabled by setting loss_type="dft" in the SFTConfig. For more details, see Paper Index - Dynamic Fine-Tuning.

Label shifting and masking

During training, the loss is computed using a one-token shift: the model is trained to predict each token in the sequence based on all previous tokens. Specifically, the input sequence is shifted right by one position to form the target labels. Padding tokens (if present) are ignored in the loss computation by applying an ignore index (default: -100) to the corresponding positions. This ensures that the loss focuses only on meaningful, non-padding tokens.

Logged metrics

While training and evaluating we record the following reward metrics:

  • global_step: The total number of optimizer steps taken so far.
  • epoch: The current epoch number, based on dataset iteration.
  • num_tokens: The total number of tokens processed so far.
  • loss: The average cross-entropy loss computed over non-masked tokens in the current logging interval.
  • entropy: The average entropy of the model’s predicted token distribution over non-masked tokens.
  • mean_token_accuracy: The proportion of non-masked tokens for which the model’s top-1 prediction matches the ground truth token.
  • learning_rate: The current learning rate, which may change dynamically if a scheduler is used.
  • grad_norm: The L2 norm of the gradients, computed before gradient clipping.

Customization

Model initialization

You can directly pass the kwargs of the from_pretrained() method to the SFTConfig. For example, if you want to load a model in a different precision, analogous to

model = AutoModelForCausalLM.from_pretrained("Qwen/Qwen3-0.6B", dtype=torch.bfloat16)

you can do so by passing the model_init_kwargs={"dtype": torch.bfloat16} argument to the SFTConfig.

from trl import SFTConfig

training_args = SFTConfig(
    model_init_kwargs={"dtype": torch.bfloat16},
)

Note that all keyword arguments of from_pretrained() are supported.

Packing

SFTTrainer supports example packing, where multiple examples are packed in the same input sequence to increase training efficiency. To enable packing, simply pass packing=True to the SFTConfig constructor.

training_args = SFTConfig(packing=True)

For more details on packing, see Packing.

Train on assistant messages only

To train on assistant messages only, use a conversational dataset and set assistant_only_loss=True in the SFTConfig. This setting ensures that loss is computed only on the assistant responses, ignoring user or system messages.

training_args = SFTConfig(assistant_only_loss=True)

train_on_assistant

This functionality is only available for chat templates that support returning the assistant tokens mask via the {% generation %} and {% endgeneration %} keywords. For an example of such a template, see HugggingFaceTB/SmolLM3-3B.

Train on completion only

To train on completion only, use a prompt-completion dataset. By default, the trainer computes the loss on the completion tokens only, ignoring the prompt tokens. If you want to train on the full sequence, set completion_only_loss=False in the SFTConfig.

train_on_completion

Training on completion only is compatible with training on assistant messages only. In this case, use a conversational prompt-completion dataset and set assistant_only_loss=True in the SFTConfig.

Train adapters with PEFT

We support tight integration with 🤗 PEFT library, allowing any user to conveniently train adapters and share them on the Hub, rather than training the entire model.

from datasets import load_dataset
from trl import SFTTrainer
from peft import LoraConfig

dataset = load_dataset("trl-lib/Capybara", split="train")

trainer = SFTTrainer(
    "Qwen/Qwen3-0.6B",
    train_dataset=dataset,
    peft_config=LoraConfig()
)

trainer.train()

You can also continue training your ~peft.PeftModel. For that, first load a PeftModel outside SFTTrainer and pass it directly to the trainer without the peft_config argument being passed.

from datasets import load_dataset
from trl import SFTTrainer
from peft import AutoPeftModelForCausalLM

model = AutoPeftModelForCausalLM.from_pretrained("trl-lib/Qwen3-4B-LoRA", is_trainable=True)
dataset = load_dataset("trl-lib/Capybara", split="train")

trainer = SFTTrainer(
    model=model,
    train_dataset=dataset,
)

trainer.train()

When training adapters, you typically use a higher learning rate (≈1e‑4) since only new parameters are being learned.

SFTConfig(learning_rate=1e-4, ...)

Train with Liger Kernel

Liger Kernel is a collection of Triton kernels for LLM training that boosts multi-GPU throughput by 20%, cuts memory use by 60% (enabling up to 4× longer context), and works seamlessly with tools like FlashAttention, PyTorch FSDP, and DeepSpeed. For more information, see Liger Kernel Integration.

Train with Unsloth

Unsloth is an open‑source framework for fine‑tuning and reinforcement learning that trains LLMs (like Llama, Mistral, Gemma, DeepSeek, and more) up to 2× faster with up to 70% less VRAM, while providing a streamlined, Hugging Face–compatible workflow for training, evaluation, and deployment. For more information, see Unsloth Integration.

Instruction tuning example

Instruction tuning teaches a base language model to follow user instructions and engage in conversations. This requires:

  1. Chat template: Defines how to structure conversations into text sequences, including role markers (user/assistant), special tokens, and turn boundaries. Read more about chat templates in Chat templates.
  2. Conversational dataset: Contains instruction-response pairs

This example shows how to transform the Qwen 3 0.6B Base model into an instruction-following model using the Capybara dataset and a chat template from HuggingFaceTB/SmolLM3-3B. The SFT Trainer automatically handles tokenizer updates and special token configuration.

from trl import SFTConfig, SFTTrainer
from datasets import load_dataset

trainer = SFTTrainer(
    model="Qwen/Qwen3-0.6B-Base",
    args=SFTConfig(
        output_dir="Qwen3-0.6B-Instruct",
        chat_template_path="HuggingFaceTB/SmolLM3-3B",
    ),
    train_dataset=load_dataset("trl-lib/Capybara", split="train"),
)
trainer.train()

Some base models, like those from Qwen, have a predefined chat template in the model’s tokenizer. In these cases, it is not necessary to apply clone_chat_template(), as the tokenizer already handles the formatting. However, it is necessary to align the EOS token with the chat template to ensure the model’s responses terminate correctly. In these cases, specify eos_token in SFTConfig; for example, for Qwen/Qwen2.5-1.5B, one should set eos_token="<|im_end|>".

Once trained, your model can now follow instructions and engage in conversations using its new chat template.

>>> from transformers import pipeline
>>> pipe = pipeline("text-generation", model="Qwen3-0.6B-Instruct/checkpoint-5000")
>>> prompt = "<|im_start|>user\nWhat is the capital of France? Answer in one word.<|im_end|>\n<|im_start|>assistant\n"
>>> response = pipe(prompt)
>>> response[0]["generated_text"]
'<|im_start|>user\nWhat is the capital of France? Answer in one word.<|im_end|>\n<|im_start|>assistant\nThe capital of France is Paris.'

Alternatively, use the structured conversation format (recommended):

>>> prompt = [{"role": "user", "content": "What is the capital of France? Answer in one word."}]
>>> response = pipe(prompt)
>>> response[0]["generated_text"]
[{'role': 'user', 'content': 'What is the capital of France? Answer in one word.'}, {'role': 'assistant', 'content': 'The capital of France is Paris.'}]

Tool Calling with SFT

The SFTTrainer fully supports fine-tuning models with tool calling capabilities. In this case, each dataset example should include:

  • The conversation messages, including any tool calls (tool_calls) and tool responses (tool role messages)
  • The list of available tools in the tools column, typically provided as JSON schemas

For details on the expected dataset structure, see the Dataset Format — Tool Calling section.

Training Vision Language Models

SFTTrainer fully supports training Vision-Language Models (VLMs). To train a VLM, you need to provide a dataset with an additional images column containing the images to be processed. For more information on the expected dataset structure, see the Dataset Format — Vision Dataset section. An example of such a dataset is the LLaVA Instruct Mix.

from trl import SFTConfig, SFTTrainer
from datasets import load_dataset

trainer = SFTTrainer(
    model="Qwen/Qwen2.5-VL-3B-Instruct",
    args=SFTConfig(max_length=None),
    train_dataset=load_dataset("trl-lib/llava-instruct-mix", split="train"),
)
trainer.train()

For VLMs, truncating may remove image tokens, leading to errors during training. To avoid this, set max_length=None in the SFTConfig. This allows the model to process the full sequence length without truncating image tokens.

SFTConfig(max_length=None, ...)

Only use max_length when you’ve verified that truncation won’t remove image tokens for the entire dataset.

SFTTrainer

class trl.SFTTrainer

< >

( model: typing.Union[str, transformers.modeling_utils.PreTrainedModel] args: typing.Union[trl.trainer.sft_config.SFTConfig, transformers.training_args.TrainingArguments, NoneType] = None data_collator: typing.Optional[typing.Callable[[list[typing.Any]], dict[str, typing.Any]]] = None train_dataset: typing.Union[datasets.arrow_dataset.Dataset, datasets.iterable_dataset.IterableDataset, NoneType] = None eval_dataset: typing.Union[datasets.arrow_dataset.Dataset, dict[str, datasets.arrow_dataset.Dataset], NoneType] = None processing_class: typing.Union[transformers.tokenization_utils_base.PreTrainedTokenizerBase, transformers.processing_utils.ProcessorMixin, NoneType] = None compute_loss_func: typing.Optional[typing.Callable] = None compute_metrics: typing.Optional[typing.Callable[[transformers.trainer_utils.EvalPrediction], dict]] = None callbacks: typing.Optional[list[transformers.trainer_callback.TrainerCallback]] = None optimizers: tuple = (None, None) optimizer_cls_and_kwargs: typing.Optional[tuple[type[torch.optim.optimizer.Optimizer], dict[str, typing.Any]]] = None preprocess_logits_for_metrics: typing.Optional[typing.Callable[[torch.Tensor, torch.Tensor], torch.Tensor]] = None peft_config: typing.Optional[ForwardRef('PeftConfig')] = None formatting_func: typing.Optional[typing.Callable[[dict], str]] = None )

Parameters

  • model (Union[str, PreTrainedModel]) — Model to be trained. Can be either:

    • A string, being the model id of a pretrained model hosted inside a model repo on huggingface.co, or a path to a directory containing model weights saved using save_pretrained, e.g., './my_model_directory/'. The model is loaded using <ModelArchitecture>.from_pretrained (where <ModelArchitecture> is derived from the model config) with the keyword arguments in args.model_init_kwargs.
    • A PreTrainedModel object. If you’re training a model with an MoE architecture and want to include the load balancing/auxilliary loss as a part of the final loss, remember to set the output_router_logits config of the model to True.
  • args (SFTConfig, optional) — Configuration for this trainer. If None, a default configuration is used.
  • data_collator (DataCollator, optional) — Function to use to form a batch from a list of elements of the processed train_dataset or eval_dataset. Will default to DataCollatorForLanguageModeling if the model is a language model and DataCollatorForVisionLanguageModeling if the model is a vision-language model.
  • train_dataset (Dataset or IterableDataset) — Dataset to use for training. SFT supports both language modeling type and prompt-completion type. The format of the samples can be either:

    • Standard: Each sample contains plain text.
    • Conversational: Each sample contains structured messages (e.g., role and content).

    The trainer also supports processed datasets (tokenized) as long as they contain an input_ids field.

  • eval_dataset (Dataset, IterableDataset or dict[str, Union[Dataset, IterableDataset]]) — Dataset to use for evaluation. It must meet the same requirements as train_dataset.
  • processing_class (PreTrainedTokenizerBase, ProcessorMixin, optional) — Processing class used to process the data. If None, the processing class is loaded from the model’s name with from_pretrained. A padding token, tokenizer.pad_token, must be set. If the processing class has not set a padding token, tokenizer.eos_token will be used as the default.
  • compute_loss_func (Callable, optional) — A function that accepts the raw model outputs, labels, and the number of items in the entire accumulated batch (batch_size * gradient_accumulation_steps) and returns the loss. For example, see the default loss function used by Trainer.
  • compute_metrics (Callable[[EvalPrediction], dict], optional) — The function that will be used to compute metrics at evaluation. Must take a EvalPrediction and return a dictionary string to metric values. When passing SFTConfig with batch_eval_metrics set to True, your compute_metrics function must take a boolean compute_result argument. This will be triggered after the last eval batch to signal that the function needs to calculate and return the global summary statistics rather than accumulating the batch-level statistics.
  • callbacks (list of TrainerCallback, optional) — List of callbacks to customize the training loop. Will add those to the list of default callbacks detailed in here.

    If you want to remove one of the default callbacks used, use the remove_callback method.

  • optimizers (tuple[Optional[torch.optim.Optimizer], Optional[torch.optim.lr_scheduler.LambdaLR]], optional, defaults to (None, None)) — A tuple containing the optimizer and the scheduler to use. Will default to an instance of AdamW on your model and a scheduler given by get_linear_schedule_with_warmup controlled by args.
  • optimizer_cls_and_kwargs (tuple[Type[torch.optim.Optimizer], Dict[str, Any]], optional) — A tuple containing the optimizer class and keyword arguments to use. Overrides optim and optim_args in args. Incompatible with the optimizers argument.

    Unlike optimizers, this argument avoids the need to place model parameters on the correct devices before initializing the Trainer.

  • preprocess_logits_for_metrics (Callable[[torch.Tensor, torch.Tensor], torch.Tensor], optional) — A function that preprocess the logits right before caching them at each evaluation step. Must take two tensors, the logits and the labels, and return the logits once processed as desired. The modifications made by this function will be reflected in the predictions received by compute_metrics.

    Note that the labels (second parameter) will be None if the dataset does not have them.

  • peft_config (~peft.PeftConfig, optional) — PEFT configuration used to wrap the model. If None, the model is not wrapped.
  • formatting_func (Callable, optional) — Formatting function applied to the dataset before tokenization. Applying the formatting function explicitly converts the dataset into a language modeling type.

Trainer for Supervised Fine-Tuning (SFT) method.

This class is a wrapper around the Trainer class and inherits all of its attributes and methods.

Example:

from datasets import load_dataset
from trl import SFTTrainer

dataset = load_dataset("roneneldan/TinyStories", split="train[:1%]")

trainer = SFTTrainer(model="Qwen/Qwen2-0.5B-Instruct", train_dataset=dataset)
trainer.train()

train

< >

( resume_from_checkpoint: typing.Union[str, bool, NoneType] = None trial: typing.Union[ForwardRef('optuna.Trial'), dict[str, typing.Any], NoneType] = None ignore_keys_for_eval: typing.Optional[list[str]] = None **kwargs: typing.Any )

Parameters

  • resume_from_checkpoint (str or bool, optional) — If a str, local path to a saved checkpoint as saved by a previous instance of Trainer. If a bool and equals True, load the last checkpoint in args.output_dir as saved by a previous instance of Trainer. If present, training will resume from the model/optimizer/scheduler states loaded here.
  • trial (optuna.Trial or dict[str, Any], optional) — The trial run or the hyperparameter dictionary for hyperparameter search.
  • ignore_keys_for_eval (list[str], optional) — A list of keys in the output of your model (if it is a dictionary) that should be ignored when gathering predictions for evaluation during the training.
  • kwargs (dict[str, Any], optional) — Additional keyword arguments used to hide deprecated arguments

Main training entry point.

save_model

< >

( output_dir: typing.Optional[str] = None _internal_call: bool = False )

Will save the model, so you can reload it using from_pretrained().

Will only save from the main process.

push_to_hub

< >

( commit_message: typing.Optional[str] = 'End of training' blocking: bool = True token: typing.Optional[str] = None revision: typing.Optional[str] = None **kwargs )

Parameters

  • commit_message (str, optional, defaults to "End of training") — Message to commit while pushing.
  • blocking (bool, optional, defaults to True) — Whether the function should return only when the git push has finished.
  • token (str, optional, defaults to None) — Token with write permission to overwrite Trainer’s original args.
  • revision (str, optional) — The git revision to commit from. Defaults to the head of the “main” branch.
  • kwargs (dict[str, Any], optional) — Additional keyword arguments passed along to ~Trainer.create_model_card.

Upload self.model and self.processing_class to the 🤗 model hub on the repo self.args.hub_model_id.

SFTConfig

class trl.SFTConfig

< >

( output_dir: typing.Optional[str] = None overwrite_output_dir: bool = False do_train: bool = False do_eval: bool = False do_predict: bool = False eval_strategy: typing.Union[transformers.trainer_utils.IntervalStrategy, str] = 'no' prediction_loss_only: bool = False per_device_train_batch_size: int = 8 per_device_eval_batch_size: int = 8 per_gpu_train_batch_size: typing.Optional[int] = None per_gpu_eval_batch_size: typing.Optional[int] = None gradient_accumulation_steps: int = 1 eval_accumulation_steps: typing.Optional[int] = None eval_delay: float = 0 torch_empty_cache_steps: typing.Optional[int] = None learning_rate: float = 2e-05 weight_decay: float = 0.0 adam_beta1: float = 0.9 adam_beta2: float = 0.999 adam_epsilon: float = 1e-08 max_grad_norm: float = 1.0 num_train_epochs: float = 3.0 max_steps: int = -1 lr_scheduler_type: typing.Union[transformers.trainer_utils.SchedulerType, str] = 'linear' lr_scheduler_kwargs: typing.Union[dict[str, typing.Any], str] = <factory> warmup_ratio: float = 0.0 warmup_steps: int = 0 log_level: str = 'passive' log_level_replica: str = 'warning' log_on_each_node: bool = True logging_dir: typing.Optional[str] = None logging_strategy: typing.Union[transformers.trainer_utils.IntervalStrategy, str] = 'steps' logging_first_step: bool = False logging_steps: float = 10 logging_nan_inf_filter: bool = True save_strategy: typing.Union[transformers.trainer_utils.SaveStrategy, str] = 'steps' save_steps: float = 500 save_total_limit: typing.Optional[int] = None save_safetensors: bool = True save_on_each_node: bool = False save_only_model: bool = False restore_callback_states_from_checkpoint: bool = False no_cuda: bool = False use_cpu: bool = False use_mps_device: bool = False seed: int = 42 data_seed: typing.Optional[int] = None jit_mode_eval: bool = False bf16: typing.Optional[bool] = None fp16: bool = False fp16_opt_level: str = 'O1' half_precision_backend: str = 'auto' bf16_full_eval: bool = False fp16_full_eval: bool = False tf32: typing.Optional[bool] = None local_rank: int = -1 ddp_backend: typing.Optional[str] = None tpu_num_cores: typing.Optional[int] = None tpu_metrics_debug: bool = False debug: typing.Union[str, list[transformers.debug_utils.DebugOption]] = '' dataloader_drop_last: bool = False eval_steps: typing.Optional[float] = None dataloader_num_workers: int = 0 dataloader_prefetch_factor: typing.Optional[int] = None past_index: int = -1 run_name: typing.Optional[str] = None disable_tqdm: typing.Optional[bool] = None remove_unused_columns: bool = True label_names: typing.Optional[list[str]] = None load_best_model_at_end: bool = False metric_for_best_model: typing.Optional[str] = None greater_is_better: typing.Optional[bool] = None ignore_data_skip: bool = False fsdp: typing.Union[list[transformers.trainer_utils.FSDPOption], str, NoneType] = None fsdp_min_num_params: int = 0 fsdp_config: typing.Union[dict[str, typing.Any], str, NoneType] = None fsdp_transformer_layer_cls_to_wrap: typing.Optional[str] = None accelerator_config: typing.Union[dict, str, NoneType] = None parallelism_config: typing.Optional[accelerate.parallelism_config.ParallelismConfig] = None deepspeed: typing.Union[dict, str, NoneType] = None label_smoothing_factor: float = 0.0 optim: typing.Union[transformers.training_args.OptimizerNames, str] = 'adamw_torch_fused' optim_args: typing.Optional[str] = None adafactor: bool = False group_by_length: bool = False length_column_name: str = 'length' report_to: typing.Union[NoneType, str, list[str]] = None project: str = 'huggingface' trackio_space_id: typing.Optional[str] = 'trackio' ddp_find_unused_parameters: typing.Optional[bool] = None ddp_bucket_cap_mb: typing.Optional[int] = None ddp_broadcast_buffers: typing.Optional[bool] = None dataloader_pin_memory: bool = True dataloader_persistent_workers: bool = False skip_memory_metrics: bool = True use_legacy_prediction_loop: bool = False push_to_hub: bool = False resume_from_checkpoint: typing.Optional[str] = None hub_model_id: typing.Optional[str] = None hub_strategy: typing.Union[transformers.trainer_utils.HubStrategy, str] = 'every_save' hub_token: typing.Optional[str] = None hub_private_repo: typing.Optional[bool] = None hub_always_push: bool = False hub_revision: typing.Optional[str] = None gradient_checkpointing: bool = True gradient_checkpointing_kwargs: typing.Union[dict[str, typing.Any], str, NoneType] = None include_inputs_for_metrics: bool = False include_for_metrics: list = <factory> eval_do_concat_batches: bool = True fp16_backend: str = 'auto' push_to_hub_model_id: typing.Optional[str] = None push_to_hub_organization: typing.Optional[str] = None push_to_hub_token: typing.Optional[str] = None mp_parameters: str = '' auto_find_batch_size: bool = False full_determinism: bool = False torchdynamo: typing.Optional[str] = None ray_scope: typing.Optional[str] = 'last' ddp_timeout: int = 1800 torch_compile: bool = False torch_compile_backend: typing.Optional[str] = None torch_compile_mode: typing.Optional[str] = None include_tokens_per_second: bool = False include_num_input_tokens_seen: typing.Union[str, bool] = False neftune_noise_alpha: typing.Optional[float] = None optim_target_modules: typing.Union[NoneType, str, list[str]] = None batch_eval_metrics: bool = False eval_on_start: bool = False use_liger_kernel: bool = False liger_kernel_config: typing.Optional[dict[str, bool]] = None eval_use_gather_object: bool = False average_tokens_across_devices: bool = True model_init_kwargs: typing.Optional[dict[str, typing.Any]] = None chat_template_path: typing.Optional[str] = None dataset_text_field: str = 'text' dataset_kwargs: typing.Optional[dict[str, typing.Any]] = None dataset_num_proc: typing.Optional[int] = None eos_token: typing.Optional[str] = None pad_token: typing.Optional[str] = None max_length: typing.Optional[int] = 1024 packing: bool = False packing_strategy: str = 'bfd' padding_free: bool = False pad_to_multiple_of: typing.Optional[int] = None eval_packing: typing.Optional[bool] = None completion_only_loss: typing.Optional[bool] = None assistant_only_loss: bool = False loss_type: str = 'nll' activation_offloading: bool = False )

Parameters that control the model

  • model_init_kwargs (dict[str, Any], optional) — Keyword arguments for from_pretrained, used when the model argument of the SFTTrainer is provided as a string. If you’re training a MoE architecture and want to include the load balancing/auxilliary loss as a part of the final loss, remember to set output_router_logits=True in this dictionary.
  • chat_template_path (str, optional) — If specified, sets the model’s chat template. This can either be the path to a tokenizer (local directory or Hugging Face Hub model) or a direct path to a Jinja template file. When using a Jinja file, you must ensure that any special tokens referenced in the template are added to the tokenizer and that the model’s embedding layer is resized accordingly.

Parameters that control the data preprocessing

  • dataset_text_field (str, optional, defaults to "text") — Name of the column that contains text data in the dataset.
  • dataset_kwargs (dict[str, Any], optional) — Dictionary of optional keyword arguments for the dataset preparation. The only supported key is skip_prepare_dataset. When the model is a VLM, skip_prepare_dataset is automatically treated as True regardless of the provided value, since preprocessing is done on the fly.
  • dataset_num_proc (int, optional) — Number of processes to use for processing the dataset.
  • eos_token (str, optional) — Token used to indicate the end of a turn or sequence. If None, it defaults to processing_class.eos_token.
  • pad_token (str, optional) — Token used for padding. If None, it defaults to processing_class.pad_token, or if that is also None, it falls back to processing_class.eos_token.
  • max_length (int or None, optional, defaults to 1024) — Maximum length of the tokenized sequence. Sequences longer than max_length are truncated from the right. If None, no truncation is applied. When packing is enabled, this value sets the sequence length.
  • packing (bool, optional, defaults to False) — Whether to group multiple sequences into fixed-length blocks to improve computational efficiency and reduce padding. Uses max_length to define sequence length.
  • packing_strategy (str, optional, defaults to "bfd") — Strategy for packing sequences. Can be either "bfd" (best-fit decreasing, default), or "wrapped".
  • padding_free (bool, optional, defaults to False) — Whether to perform forward passes without padding by flattening all sequences in the batch into a single continuous sequence. This reduces memory usage by eliminating padding overhead. Currently, this is only supported with the FlashAttention 2 or 3, which can efficiently handle the flattened batch structure. When packing is enabled with strategy "bfd", padding-free is enabled, regardless of the value of this parameter.
  • pad_to_multiple_of (int, optional) — If set, the sequences will be padded to a multiple of this value.
  • eval_packing (bool, optional) — Whether to pack the eval dataset. If None, uses the same value as packing.

Parameters that control the training

  • completion_only_loss (bool, optional) — Whether to compute loss only on the completion part of the sequence. If set to True, loss is computed only on the completion, which is supported only for prompt-completion datasets. If False, loss is computed on the entire sequence. If None (default), the behavior depends on the dataset: loss is computed on the completion for prompt-completion datasets, and on the full sequence for language modeling datasets.
  • assistant_only_loss (bool, optional, defaults to False) — Whether to compute loss only on the assistant part of the sequence. If set to True, loss is computed only on the assistant responses, which is supported only for conversational datasets. If False, loss is computed on the entire sequence.
  • loss_type (str, optional, defaults to "nll") — Type of loss to use. Possible values are "nll" (negative log-likelihood, default) and "dft" (Dynamic Fine-Tuning, as described in this paper).
  • activation_offloading (bool, optional, defaults to False) — Whether to offload the activations to the CPU.

Configuration class for the SFTTrainer.

This class includes only the parameters that are specific to SFT training. For a full list of training arguments, please refer to the TrainingArguments documentation. Note that default values in this class may differ from those in TrainingArguments.

Using HfArgumentParser we can turn this class into argparse arguments that can be specified on the command line.

DataCollatorForLanguageModeling

class trl.trainer.sft_trainer.DataCollatorForLanguageModeling

< >

( pad_token_id: int completion_only_loss: bool = True padding_free: bool = False pad_to_multiple_of: typing.Optional[int] = None return_tensors: str = 'pt' )

Parameters

  • pad_token_id (int) — Token ID to use for padding.
  • completion_only_loss (bool, optional, defaults to True) — When the input contains a completion mask (completion_mask), the labels are set to -100 for the tokens that are no in the completion.
  • padding_free (bool, optional, defaults to False) — If set to True, the sequences will be flattened into a single sequence, and the position IDs will be generated accordingly and returned instead of the attention mask.
  • pad_to_multiple_of (int, optional) — If set, the sequences will be padded to a multiple of this value.
  • return_tensors (str, optional, defaults to "pt") — Type of Tensor to return. Only "pt" is currently supported.

Data collator used for language modeling data. Inputs are dynamically padded to the maximum length of a batch.

This collator expects each example in the input list to be a dictionary containing at least the "input_ids" key. If the input contains a "completion_mask", it is used to set the labels to -100 for tokens that are not in the completion. If "assistant_masks" are present, they are used to set the labels to -100 for tokens that are not in the assistant part of the sequence. The collator returns a dictionary containing the following keys:

  • "input_ids": Tensor of input IDs, padded to the maximum length of the batch.
  • "labels": Tensor of labels, padded to the maximum length of the batch. If completion_only_loss is set to True, tokens that are not in the completion are set to -100. If assistant_masks are present, tokens that are not in the assistant part of the sequence are set to -100. If padding_free is set to False, the following key is also returned:
  • "attention_mask": Tensor of attention masks, padded to the maximum length of the batch. If padding_free is set to True, the following key is also returned:
  • "position_ids": Tensor of position IDs, padded to the maximum length of the batch.

Examples:

>>> from trl.trainer.sft_trainer import DataCollatorForLanguageModeling

>>> collator = DataCollatorForLanguageModeling(pad_token_id=0)
>>> examples = [{"input_ids": [1, 2, 3]}, {"input_ids": [4, 5]}]
>>> collator(examples)
{'input_ids': tensor([[  1,  2,  3],
                      [  4,  5,  0]]),
 'attention_mask': tensor([[  1,  1,  1],
                           [  1,  1,  0]]),
 'labels': tensor([[   1,    2,    3],
                   [   4,    5, -100]])}

>>> # With completion mask
>>> examples = [
...     {"input_ids": [1, 2, 3], "completion_mask": [0, 1, 1]},
...     {"input_ids": [4, 5], "completion_mask": [0, 1]},
... ]
>>> collator(examples)
{'input_ids': tensor([[  1,  2,  3],
                      [  4,  5,  0]]),
 'attention_mask': tensor([[  1,  1,  1],
                           [  1,  1,  0]]),
 'labels': tensor([[-100,    2,    3],
                   [-100,    5, -100]])}

>>> # With padding_free
>>> collator = DataCollatorForLanguageModeling(pad_token_id=0, padding_free=True)
>>> collator(examples)
{'input_ids': tensor([[ 1, 2, 3, 4, 5]]),
 'position_ids': tensor([[0, 1, 2, 0, 1]]),
 'labels': tensor([[1, 2, 3, 4, 5]])}

get_position_ids_from_packed_seq_lengths

< >

( batch_seq_lengths: list ) list[torch.Tensor]

Parameters

  • batch_seq_lengths (list[list[int]]) — A list of lists containing the lengths of each individual document in the packed batch.

Returns

list[torch.Tensor]

A list of tensors containing the position IDs for each packed sequence.

Get position IDs for packed sequences.

DataCollatorForVisionLanguageModeling

class trl.trainer.sft_trainer.DataCollatorForVisionLanguageModeling

< >

( processor: ProcessorMixin max_length: typing.Optional[int] = None completion_only_loss: bool = False pad_to_multiple_of: typing.Optional[int] = None dataset_text_field: str = 'text' return_tensors: str = 'pt' )

Parameters

  • processor (ProcessorMixin) — The processor used to tokenize text and process images. It must be a subclass of ProcessorMixin and include a tokenizer with a defined pad_token_id.
  • max_length (int or None, optional, defaults to None) — Maximum sequence length for input tokens. If None, no truncation is applied.
  • completion_only_loss (bool, optional, defaults to False) — Whether to compute loss only on the completion part of the sequence. When True, the labels for the prompt part are set to -100. It requires the dataset type to be prompt-completion.
  • pad_to_multiple_of (int or None, optional, defaults to None) — If set, the sequences will be padded to a multiple of this value.
  • dataset_text_field (str, optional, defaults to "text") — Name of the column that contains text data in the dataset. This parameter is only relevant for standard datasets format.
  • return_tensors (str, optional, defaults to "pt") — The tensor type to return. Currently, only "pt" (PyTorch tensors) is supported.

Data collator for vision-language modeling tasks.

Unlike text-only datasets—where the collator typically receives pre-tokenized inputs ready for batching, vision-language data processing involves converting images into pixel values. This conversion is disk-intensive, making upfront preprocessing of the entire dataset impractical. Therefore, this collator performs tokenization and image processing on-the-fly to efficiently prepare batches.

Each input example should be a dictionary containing at least:

  • An "images" key holding the image data.
  • language modeling type: either a "messages" key for conversational inputs or a "text" key for standard text inputs.
  • prompt-completion type: keys "prompt" and "completion" for the prompt and completion.

The collator outputs a dictionary including:

  • "input_ids": Tensor of token IDs.
  • "attention_mask": Tensor indicating attention mask.
  • "pixel_values": Tensor representing image pixel values.
  • "labels": Tensor for training labels.

Additional keys may be present depending on the processor, such as "image_grid_thw".

Example:

>>> from trl.trainer.sft_trainer import DataCollatorForVisionLanguageModeling
>>> from transformers import AutoProcessor

>>> processor = AutoProcessor.from_pretrained("Qwen/Qwen2.5-VL-7B-Instruct")
>>> collator = DataCollatorForVisionLanguageModeling(processor)
>>> examples = [
...     {"images": [Image.open("image_0.png")], "messages": [{"role": "user", "content": "What is this?"}]},
...     {"images": [Image.open("image_1.png")], "messages": [{"role": "user", "content": "Describe this image."}]},
... ]
>>> collator(examples)
{'input_ids': tensor([[151644,   8948,    198,   2610,    525,    264,  10950,  17847,     13,  151645,    198,
                       151644,    872,    198, 151652, 151655, 151655, 151655,  151655, 151653,   3838,    374,
                          419,     30, 151645,    198],
                      [151644,   8948,    198,   2610,    525,    264,  10950,  17847,     13,  151645,    198,
                       151644,    872,    198, 151652, 151655, 151655, 151655,  151655, 151653,  74785,    419,
                         2168,     13, 151645,    198]]),
 'attention_mask': tensor([[1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1],
                           [1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1]]),
 'pixel_values': tensor([[-0.9893,  0.1785,  1.5362,  ..., -0.0582,  0.8661, -0.2431],
                         [-0.2302,  0.9522, -1.1061,  ...,  0.0555,  1.3354, -0.6412],
                         [ 1.2150,  0.9084,  0.7041,  ...,  0.2404, -0.8403, -0.5133],
                         ...,
                         [ 0.6895,  0.2807,  0.2515,  ..., -0.2004, -1.2100,  0.0555],
                         [ 0.8209, -0.9748,  1.5654,  ...,  1.6055, -0.4706,  0.5817],
                         [-1.0915,  0.4559,  0.9230,  ...,  0.5106,  0.0982, -0.1720]]),
 'image_grid_thw': tensor([[1, 4, 4],
                           [1, 4, 4]]),
 'labels': tensor([[151644,   8948,    198,   2610,    525,    264,  10950,  17847,     13,  151645,    198,
                    151644,    872,    198, 151652, 151655, 151655, 151655,  151655, 151653,   3838,    374,
                       419,     30, 151645,    198],
                    [151644,   8948,    198,   2610,    525,    264,  10950,  17847,     13,  151645,    198,
                     151644,    872,    198, 151652, 151655, 151655, 151655,  151655, 151653,  74785,    419,
                       2168,     13, 151645,    198]])}
Update on GitHub