ORPO Trainer
Overview
Odds Ratio Preference Optimization (ORPO) was introduced in ORPO: Monolithic Preference Optimization without Reference Model by Jiwoo Hong, Noah Lee, and James Thorne.
The abstract from the paper is the following:
While recent preference alignment algorithms for language models have demonstrated promising results, supervised fine-tuning (SFT) remains imperative for achieving successful convergence. In this paper, we study the crucial role of SFT within the context of preference alignment, emphasizing that a minor penalty for the disfavored generation style is sufficient for preference-aligned SFT. Building on this foundation, we introduce a straightforward and innovative reference model-free monolithic odds ratio preference optimization algorithm, ORPO, eliminating the necessity for an additional preference alignment phase. We demonstrate, both empirically and theoretically, that the odds ratio is a sensible choice for contrasting favored and disfavored styles during SFT across the diverse sizes from 125M to 7B. Specifically, fine-tuning Phi-2 (2.7B), Llama-2 (7B), and Mistral (7B) with ORPO on the UltraFeedback alone surpasses the performance of state-of-the-art language models with more than 7B and 13B parameters: achieving up to 12.20% on AlpacaEval_{2.0} (Figure 1), 66.19% on IFEval (instruction-level loose, Table 6), and 7.32 in MT-Bench (Figure 12). We release code and model checkpoints for Mistral-ORPO-alpha (7B) and Mistral-ORPO-beta (7B).
It studies the crucial role of SFT within the context of preference alignment. Using preference data the method posits that a minor penalty for the disfavored generation together with a strong adaption signal to the chosen response via a simple log odds ratio term appended to the NLL loss is sufficient for preference-aligned SFT.
Thus ORPO is a reference model-free preference optimization algorithm eliminating the necessity for an additional preference alignment phase thus saving compute and memory.
The official code can be found in xfactlab/orpo.
This post-training method was contributed by Kashif Rasul, Lewis Tunstall and Alvaro Bartolome.
Quick start
This example demonstrates how to train a model using the ORPO method. We use the Qwen 0.5B model as the base model. We use the preference data from the UltraFeedback dataset. You can view the data in the dataset here:
Below is the script to train the model:
# train_orpo.py
from datasets import load_dataset
from trl import ORPOConfig, ORPOTrainer
from transformers import AutoModelForCausalLM, AutoTokenizer
model = AutoModelForCausalLM.from_pretrained("Qwen/Qwen2-0.5B-Instruct")
tokenizer = AutoTokenizer.from_pretrained("Qwen/Qwen2-0.5B-Instruct")
train_dataset = load_dataset("trl-lib/ultrafeedback_binarized", split="train")
training_args = ORPOConfig(output_dir="Qwen2-0.5B-ORPO", logging_steps=10)
trainer = ORPOTrainer(model=model, args=training_args, processing_class=tokenizer, train_dataset=train_dataset)
trainer.train()
Execute the script using the following command:
accelerate launch train_orpo.py
Distributed across 8 GPUs, the training takes approximately 30 minutes. You can verify the training progress by checking the reward graph. An increasing trend in the reward margin indicates that the model is improving and generating better responses over time.
To see how the trained model performs, you can use the TRL Chat CLI.
$ trl chat --model_name_or_path trl-lib/Qwen2-0.5B-ORPO
<quentin_gallouedec>:
What is the best programming language?
<trl-lib/Qwen2-0.5B-ORPO>:
It's challenging to determine the best programming language as no one language is perfect, as the complexity of a task and the type of project are significant factors. Some popular languages include Java, Python, JavaScript, and
C++. If you have specific needs or requirements for a specific project, it's important to choose the language that best suits those needs.
Here are some other factors to consider when choosing a programming language for a project:
• Language proficiency: A good programming language is more likely to be easy to understand and use, and will allow developers to collaborate on projects more efficiently.
• Ease of use: There are tools and libraries available to make programming more accessible, so developers should choose a language that can help them get started easier.
• Code readability: A clear and concise codebase should be easy to read and understand, especially when working with large projects.
• Tool and framework support: There are numerous libraries available for Python, Java, and JavaScript, along with tools like IDEs and static code analysis tools.
• Accessibility: Some languages and tools have features that make them more accessible to developers with disabilities, such as support for screen readers.
• Version control: As your projects grow and complexity increases, version control tools can be beneficial for tracking changes.
Expected dataset type
ORPO requires a preference dataset. The ORPOTrainer supports both conversational and standard dataset format. When provided with a conversational dataset, the trainer will automatically apply the chat template to the dataset.
Although the ORPOTrainer supports both explicit and implicit prompts, we recommend using explicit prompts. If provided with an implicit prompt dataset, the trainer will automatically extract the prompt from the "chosen"
and "rejected"
columns. For more information, refer to the preference style section.
Example script
We provide an example script to train a model using the ORPO method. The script is available in examples/scripts/orpo.py
To test the ORPO script with the Qwen2 0.5B model on the UltraFeedback dataset, run the following command:
accelerate launch examples/scripts/orpo.py \ --model_name_or_path Qwen/Qwen2-0.5B-Instruct \ --dataset_name trl-lib/ultrafeedback_binarized \ --num_train_epochs 1 \ --logging_steps 25 \ --output_dir Qwen2-0.5B-ORPO
Usage tips
For Mixture of Experts Models: Enabling the auxiliary loss
MOEs are the most efficient if the load is about equally distributed between experts.
To ensure that we train MOEs similarly during preference-tuning, it is beneficial to add the auxiliary loss from the load balancer to the final loss.
This option is enabled by setting output_router_logits=True
in the model config (e.g. MixtralConfig).
To scale how much the auxiliary loss contributes to the total loss, use the hyperparameter router_aux_loss_coef=...
(default: 0.001
) in the model config.
Logged metrics
While training and evaluating we record the following reward metrics:
rewards/chosen
: the mean log probabilities of the policy model for the chosen responses scaled by betarewards/rejected
: the mean log probabilities of the policy model for the rejected responses scaled by betarewards/accuracies
: mean of how often the chosen rewards are > than the corresponding rejected rewardsrewards/margins
: the mean difference between the chosen and corresponding rejected rewardslog_odds_chosen
: the mean log odds ratio of the chosen responses over the rejected responseslog_odds_ratio
: the mean of thelog(sigmoid(log_odds_chosen))
nll_loss
: the mean negative log likelihood loss from the SFT part of the loss over chosen responses
ORPOTrainer
class trl.ORPOTrainer
< source >( model: Union = Noneargs: Optional = Nonedata_collator: Optional = Nonetrain_dataset: Optional = Noneeval_dataset: Union = Noneprocessing_class: Union = Nonemodel_init: Optional = Nonecallbacks: Optional = Noneoptimizers: Tuple = (None, None)preprocess_logits_for_metrics: Optional = Nonepeft_config: Optional = Nonecompute_metrics: Optional = None )
Parameters
- model (
transformers.PreTrainedModel
) — The model to train, preferably anAutoModelForSequenceClassification
. - args (
ORPOConfig
) — The ORPO config arguments to use for training. - data_collator (
transformers.DataCollator
) — The data collator to use for training. If None is specified, the default data collator (DPODataCollatorWithPadding
) will be used which will pad the sequences to the maximum length of the sequences in the batch, given a dataset of paired sequences. - train_dataset (
datasets.Dataset
) — The dataset to use for training. - eval_dataset (
datasets.Dataset
) — The dataset to use for evaluation. - processing_class (
PreTrainedTokenizerBase
orBaseImageProcessor
orFeatureExtractionMixin
orProcessorMixin
, optional) — Processing class used to process the data. If provided, will be used to automatically process the inputs for the model, and it will be saved along the model to make it easier to rerun an interrupted training or reuse the fine-tuned model. - model_init (
Callable[[], transformers.PreTrainedModel]
) — The model initializer to use for training. If None is specified, the default model initializer will be used. - callbacks (
List[transformers.TrainerCallback]
) — The callbacks to use for training. - optimizers (
Tuple[torch.optim.Optimizer, torch.optim.lr_scheduler.LambdaLR]
) — The optimizer and scheduler to use for training. - preprocess_logits_for_metrics (
Callable[[torch.Tensor, torch.Tensor], torch.Tensor]
) — The function to use to preprocess the logits before computing the metrics. - peft_config (
Dict
, defaults toNone
) — The PEFT configuration to use for training. If you pass a PEFT configuration, the model will be wrapped in a PEFT model. - compute_metrics (
Callable[[EvalPrediction], Dict]
, optional) — The function to use to compute the metrics. Must take aEvalPrediction
and return a dictionary string to metric values.
Initialize ORPOTrainer.
Llama tokenizer does satisfy enc(a + b) = enc(a) + enc(b)
.
It does ensure enc(a + b) = enc(a) + enc(a + b)[len(enc(a)):]
.
Reference:
https://github.com/EleutherAI/lm-evaluation-harness/pull/531#issuecomment-1595586257
Run the given model on the given batch of inputs, concatenating the chosen and rejected inputs together.
We do this to avoid doing two forward passes, because it’s faster for FSDP.
concatenated_inputs
< source >( batch: Dictis_encoder_decoder: bool = Falselabel_pad_token_id: int = -100padding_value: int = 0device: Optional = None )
Concatenate the chosen and rejected inputs into a single tensor.
create_model_card
< source >( model_name: Optional = Nonedataset_name: Optional = Nonetags: Union = None )
Creates a draft of a model card using the information available to the Trainer
.
evaluation_loop
< source >( dataloader: DataLoaderdescription: strprediction_loss_only: Optional = Noneignore_keys: Optional = Nonemetric_key_prefix: str = 'eval' )
Overriding built-in evaluation loop to store metrics for each batch.
Prediction/evaluation loop, shared by Trainer.evaluate()
and Trainer.predict()
.
Works both with or without labels.
Generate samples from the model and reference model for the given batch of inputs.
get_batch_logps
< source >( logits: FloatTensorlabels: LongTensoraverage_log_prob: bool = Falselabel_pad_token_id: int = -100is_encoder_decoder: bool = False )
Compute the log probabilities of the given labels under the given logits.
Compute the ORPO loss and other metrics for the given batch of inputs for train or test.
Log logs
on the various objects watching training, including stored metrics.
odds_ratio_loss
< source >( policy_chosen_logps: FloatTensorpolicy_rejected_logps: FloatTensor ) → A tuple of three tensors
Returns
A tuple of three tensors
(losses, chosen_rewards, rejected_rewards).
The losses tensor contains the ORPO loss for each example in the batch.
The chosen_rewards and rejected_rewards tensors contain the rewards for the chosen and rejected responses, respectively.
The log odds ratio of the chosen responses over the rejected responses ratio for logging purposes.
The log(sigmoid(log_odds_chosen))
for logging purposes.
Compute ORPO’s odds ratio (OR) loss for a batch of policy and reference model log probabilities.
Tokenize a single row from a ORPO specific dataset.
At this stage, we don’t convert to PyTorch tensors yet; we just handle the truncation in case the prompt + chosen or prompt + rejected responses is/are too long. First we truncate the prompt; if we’re still too long, we truncate the chosen/rejected.
We also create the labels for the chosen/rejected responses, which are of length equal to the sum of the length of the prompt and the chosen/rejected response, with label_pad_token_id for the prompt tokens.
ORPOConfig
class trl.ORPOConfig
< source >( output_dir: stroverwrite_output_dir: bool = Falsedo_train: bool = Falsedo_eval: bool = Falsedo_predict: bool = Falseeval_strategy: Union = 'no'prediction_loss_only: bool = Falseper_device_train_batch_size: int = 8per_device_eval_batch_size: int = 8per_gpu_train_batch_size: Optional = Noneper_gpu_eval_batch_size: Optional = Nonegradient_accumulation_steps: int = 1eval_accumulation_steps: Optional = Noneeval_delay: Optional = 0torch_empty_cache_steps: Optional = Nonelearning_rate: float = 1e-06weight_decay: float = 0.0adam_beta1: float = 0.9adam_beta2: float = 0.999adam_epsilon: float = 1e-08max_grad_norm: float = 1.0num_train_epochs: float = 3.0max_steps: int = -1lr_scheduler_type: Union = 'linear'lr_scheduler_kwargs: Union = <factory>warmup_ratio: float = 0.0warmup_steps: int = 0log_level: Optional = 'passive'log_level_replica: Optional = 'warning'log_on_each_node: bool = Truelogging_dir: Optional = Nonelogging_strategy: Union = 'steps'logging_first_step: bool = Falselogging_steps: float = 500logging_nan_inf_filter: bool = Truesave_strategy: Union = 'steps'save_steps: float = 500save_total_limit: Optional = Nonesave_safetensors: Optional = Truesave_on_each_node: bool = Falsesave_only_model: bool = Falserestore_callback_states_from_checkpoint: bool = Falseno_cuda: bool = Falseuse_cpu: bool = Falseuse_mps_device: bool = Falseseed: int = 42data_seed: Optional = Nonejit_mode_eval: bool = Falseuse_ipex: bool = Falsebf16: bool = Falsefp16: bool = Falsefp16_opt_level: str = 'O1'half_precision_backend: str = 'auto'bf16_full_eval: bool = Falsefp16_full_eval: bool = Falsetf32: Optional = Nonelocal_rank: int = -1ddp_backend: Optional = Nonetpu_num_cores: Optional = Nonetpu_metrics_debug: bool = Falsedebug: Union = ''dataloader_drop_last: bool = Falseeval_steps: Optional = Nonedataloader_num_workers: int = 0dataloader_prefetch_factor: Optional = Nonepast_index: int = -1run_name: Optional = Nonedisable_tqdm: Optional = Noneremove_unused_columns: Optional = Truelabel_names: Optional = Noneload_best_model_at_end: Optional = Falsemetric_for_best_model: Optional = Nonegreater_is_better: Optional = Noneignore_data_skip: bool = Falsefsdp: Union = ''fsdp_min_num_params: int = 0fsdp_config: Union = Nonefsdp_transformer_layer_cls_to_wrap: Optional = Noneaccelerator_config: Union = Nonedeepspeed: Union = Nonelabel_smoothing_factor: float = 0.0optim: Union = 'adamw_torch'optim_args: Optional = Noneadafactor: bool = Falsegroup_by_length: bool = Falselength_column_name: Optional = 'length'report_to: Union = Noneddp_find_unused_parameters: Optional = Noneddp_bucket_cap_mb: Optional = Noneddp_broadcast_buffers: Optional = Nonedataloader_pin_memory: bool = Truedataloader_persistent_workers: bool = Falseskip_memory_metrics: bool = Trueuse_legacy_prediction_loop: bool = Falsepush_to_hub: bool = Falseresume_from_checkpoint: Optional = Nonehub_model_id: Optional = Nonehub_strategy: Union = 'every_save'hub_token: Optional = Nonehub_private_repo: bool = Falsehub_always_push: bool = Falsegradient_checkpointing: bool = Falsegradient_checkpointing_kwargs: Union = Noneinclude_inputs_for_metrics: bool = Falseinclude_for_metrics: List = <factory>eval_do_concat_batches: bool = Truefp16_backend: str = 'auto'evaluation_strategy: Union = Nonepush_to_hub_model_id: Optional = Nonepush_to_hub_organization: Optional = Nonepush_to_hub_token: Optional = Nonemp_parameters: str = ''auto_find_batch_size: bool = Falsefull_determinism: bool = Falsetorchdynamo: Optional = Noneray_scope: Optional = 'last'ddp_timeout: Optional = 1800torch_compile: bool = Falsetorch_compile_backend: Optional = Nonetorch_compile_mode: Optional = Nonedispatch_batches: Optional = Nonesplit_batches: Optional = Noneinclude_tokens_per_second: Optional = Falseinclude_num_input_tokens_seen: Optional = Falseneftune_noise_alpha: Optional = Noneoptim_target_modules: Union = Nonebatch_eval_metrics: bool = Falseeval_on_start: bool = Falseuse_liger_kernel: Optional = Falseeval_use_gather_object: Optional = Falseaverage_tokens_across_devices: Optional = Falsemax_length: Optional = Nonemax_prompt_length: Optional = Nonemax_completion_length: Optional = Nonebeta: float = 0.1disable_dropout: bool = Truelabel_pad_token_id: int = -100padding_value: Optional = Nonetruncation_mode: str = 'keep_end'generate_during_eval: bool = Falseis_encoder_decoder: Optional = Nonemodel_init_kwargs: Optional = Nonedataset_num_proc: Optional = None )
Parameters
- learning_rate (
float
, optional, defaults to1e-6
) — Initial learning rate forAdamW
optimizer. The default value replaces that of TrainingArguments. - max_length (
Optional[int]
, optional, defaults toNone
) — Maximum length of the sequences (prompt + completion) in the batch. This argument is required if you want to use the default data collator. - max_prompt_length (
Optional[int]
, optional, defaults toNone
) — Maximum length of the prompt. This argument is required if you want to use the default data collator. - max_completion_length (
Optional[int]
, optional, defaults toNone
) — Maximum length of the completion. This argument is required if you want to use the default data collator and your model is an encoder-decoder. - beta (
float
, optional, defaults to0.1
) — Parameter controlling the relative ratio loss weight in the ORPO loss. In the paper, it is denoted by λ. In the code, it is denoted byalpha
. - disable_dropout (
bool
, optional, defaults toTrue
) — Whether to disable dropout in the model. - label_pad_token_id (
int
, optional, defaults to-100
) — Label pad token id. This argument is required if you want to use the default data collator. - padding_value (
Optional[int]
, optional, defaults toNone
) — Padding value to use. IfNone
, the padding value of the tokenizer is used. - truncation_mode (
str
, optional, defaults to"keep_end"
) — Truncation mode to use when the prompt is too long. Possible values are"keep_end"
or"keep_start"
. This argument is required if you want to use the default data collator. - generate_during_eval (
bool
, optional, defaults toFalse
) — IfTrue
, generates and logs completions from the model to W&B during evaluation. - is_encoder_decoder (
Optional[bool]
, optional, defaults toNone
) — When using themodel_init
argument (callable) to instantiate the model instead of themodel
argument, you need to specify if the model returned by the callable is an encoder-decoder model. - model_init_kwargs (
Optional[Dict[str, Any]]
, optional, defaults toNone
) — Keyword arguments to pass toAutoModelForCausalLM.from_pretrained
when instantiating the model from a string. - dataset_num_proc (
Optional[int]
, optional, defaults toNone
) — Number of processes to use for processing the dataset.
Configuration class for the ORPOTrainer.
Using HfArgumentParser we can turn this class into argparse arguments that can be specified on the command line.