-
Notifications
You must be signed in to change notification settings - Fork 17
PPO训练‐基于两个基模型
Joyce94 edited this page Aug 23, 2023
·
4 revisions
进入script/ppo
目录,运行bash run_ppo.sh
进行训练
run_ppo.sh
内容如下
sft_model_path=chinese_alpaca_path
reward_lora_path=rm_lora_path
actor_peft_path=output_dir_rlhf_actor
critic_peft_path=output_dir_rlhf_critic
dataset_dir=/root/LLM-RLHF-Tuning/sft_data
extra_dataset_dir=/root/LLM-RLHF-Tuning/pt_data
actor_lora_trainable="q_proj,v_proj,k_proj,o_proj,gate_proj,down_proj,up_proj"
critic_lora_trainable="q_proj,v_proj,k_proj,o_proj,gate_proj,down_proj,up_proj"
actor_output_dir=output_dir_rlhf_actor
critic_output_dir=output_dir_rlhf_critic
accelerate launch --config_file default_config.yaml run_ppo_with_peft.py \
--model_type llama \
--template "chinese_llama2_alpaca" \
--sft_model_path ${sft_model_path} \
--reward_lora_path ${reward_lora_path} \
--dataset_dir ${dataset_dir} \
--extra_dataset_dir ${extra_dataset_dir} \
--per_device_train_batch_size 2 \
--per_device_mini_train_batch_size 2 \
--gradient_accumulation_steps 8 \
--do_train \
--num_train_epochs 1 \
--seed 512 \
--lr_scheduler_type cosine \
--actor_lr 1e-4 \
--critic_lr 1e-4 \
--logging_steps 100 \
--save_steps 100 \
--dataloader_num_workers 16 \
--block_size 256 \
--max_prompt_length 256 \
--max_response_length 512 \
--output_dir ${actor_output_dir} \
--critic_output_dir ${critic_output_dir} \
--actor_lora_rank 64 \
--actor_lora_alpha 32 \
--actor_lora_target ${actor_lora_trainable} \
--actor_lora_dropout 0.05 \
--critic_lora_rank 64 \
--critic_lora_alpha 32 \
--critic_lora_target ${critic_lora_trainable} \
--critic_lora_dropout 0.05 \
--ppo_epochs 1 \
--gamma 1 \
--lam 0.95 \
--kl_penalty_beta 0.02 \
--use_last_reward \
--reward_score_clip 10 \
--value_clip 0.2 \
--ratio_clip 0.2 \
--actor_loss_weight 1 \
--critic_loss_weight 1 \
--extra_loss_weight 0.2 \
--extra_warmup_steps_ratio 0.2 \
--entropy_beta 0.0 \
--kl_loss_alpha 0.0 \
--report_to "wandb" \
--torch_dtype float16 \
--fp16
-
--model_type
: 选择base模型类型,目前只支持llama -
--template
: 选择模型相应的提示词 -
--sft_model_path
: sft指令微调模型地址 -
--reward_lora_path
: 训练的奖励模型的lora模型地址 -
--actor_loss_weight
: actor模型的loss权重 -
--critic_loss_weight
: critic模型的loss权重 -
--extra_loss_weight
: pretrain loss权重 -
--entropy_beta
: entropy loss权重 -
--extra_warmup_steps_ratio
: 对pretrain loss权重系数使用warmup策略
通过accelerate config
命令配置
accelerate调用deepspeed,只支持一个模型和一个优化器
default_config.yaml
示例
compute_environment: LOCAL_MACHINE
distributed_type: MULTI_GPU
downcast_bf16: 'no'
gpu_ids: all
machine_rank: 0
main_process_ip: null
main_process_port: null
main_training_function: main
mixed_precision: 'fp16'
num_machines: 1
num_processes: 2
rdzv_backend: static
same_network: true
tpu_env: []
tpu_use_cluster: false
tpu_use_sudo: false
use_cpu: false