LLM微调(二)| 微调LLAMA-2和其他开源LLM的两种简单方法

本文将介绍两种开源工具来微调LLAMA-2。

一、使用autotrain-advanced微调LLAMA-2

AutoTrain是一种无代码工具,用于为自然语言处理(NLP)任务、计算机视觉(CV)任务、语音任务甚至表格任务训练最先进的模型。

1) 安装相关库,使用huggingface_hub下载微调数据

复制代码
!pip install autotrain-advanced!pip install huggingface_hub

2) 更新autotrain-advanced 所需要的包

复制代码
# update torch!autotrain setup --update-torch

3) 登录Huggingface

复制代码
# Login to huggingface​from huggingface_hub import notebook_loginnotebook_login()

4) 开始微调LLAMA-2

复制代码
! autotrain llm \--train \--model {MODEL_NAME} \--project-name {PROJECT_NAME} \--data-path data/ \--text-column text \--lr {LEARNING_RATE} \--batch-size {BATCH_SIZE} \--epochs {NUM_EPOCHS} \--block-size {BLOCK_SIZE} \--warmup-ratio {WARMUP_RATIO} \--lora-r {LORA_R} \--lora-alpha {LORA_ALPHA} \--lora-dropout {LORA_DROPOUT} \--weight-decay {WEIGHT_DECAY} \--gradient-accumulation {GRADIENT_ACCUMULATION}

核心参数含义

llm: 微调模型的类型

--- project_name: 项目名称

--- model: 需要微调的基础模型

--- data_path: 指定微调所需要的数据,可以使用huggingface上的数据集

--- text_column: 如果数据是表格,需要指定instructions和responses对应的列名

--- use_peft: 指定peft某一种方法

--- use_int4: 指定int 4量化

--- learning_rate: 学习率

--- train_batch_size: 训练批次大小

--- num_train_epochs: 训练轮数大小

--- trainer: 指定训练的方式

--- model_max_length: 设置模型最大上下文窗口

--- push_to_hub(可选): 微调好的模型是否需要存储到Hugging Face?

--- repo_id: 如果要存储微调好的模型到Hugging Face,需要指定repository ID

--- block_size: 设置文本块大小

下面看一个具体的示例:

复制代码
!autotrain llm--train--project_name "llama2-autotrain-openassitant"--model TinyPixel/Llama-2-7B-bf16-sharded--data_path timdettmers/openassistant-guanaco--text_column text--use_peft--use_int4--learning_rate 0.4--train_batch_size 3--num_train_epochs 2--trainer sft--model_max_length 1048--push_to_hub--repo_id trojrobert/llama2-autotrain-openassistant--block_size 1048 > training.log

二、使用TRL微调LLAMA-2

TRL是一个全栈库,提供了通过强化学习来训练transformer语言模型一系列工具,包括从监督微调步骤(SFT)、奖励建模步骤(RM)到近端策略优化(PPO)步骤。

1)安装相关的库

复制代码
!pip install -q -U trl peft transformers  datasets bitsandbytes wandb

2)从Huggingface导入数据集

复制代码
from datasets import load_dataset​dataset_name = "timdettmers/openassistant-guanaco"​dataset = load_dataset(dataset_name, split="train")

3)量化配置,从Huggingface下载模型

复制代码
import torchfrom transformers import AutoModelForCausalLM, AutoTokenizer, BitsAndBytesConfig​​# quantizition configurationbnb_config = BitsAndBytesConfig(    load_in_4bit=True,    bnb_4bit_quant_type="nf4",    bnb_4bit_compute_dtype=torch.float16,)​​# download model​model_name = "TinyPixel/Llama-2-7B-bf16-sharded"model = AutoModelForCausalLM.from_pretrained(    model_name,    quantization_config=bnb_config,    trust_remote_code=True)model.config.use_cache = False

4)下载Tokenizer

复制代码
tokenizer = AutoTokenizer.from_pretrained(model_name, trust_remote_code=True)tokenizer.pad_token = tokenizer.eos_token

5)创建PEFT配置

复制代码
from peft import LoraConfig, get_peft_model​lora_alpha = 16lora_dropout = 0.1lora_r = 64​peft_config = LoraConfig(    lora_alpha=lora_alpha,    lora_dropout=lora_dropout,    r=lora_r,    bias="none",    task_type="CAUSAL_LM")

6)创建微调和训练配置

复制代码
from transformers import TrainingArguments​output_dir = "./results"per_device_train_batch_size = 4gradient_accumulation_steps = 4optim = "paged_adamw_32bit"save_steps = 100logging_steps = 10learning_rate = 2e-4max_grad_norm = 0.3max_steps = 100warmup_ratio = 0.03lr_scheduler_type = "constant"​training_arguments = TrainingArguments(    output_dir=output_dir,    per_device_train_batch_size=per_device_train_batch_size,    gradient_accumulation_steps=gradient_accumulation_steps,    optim=optim,    save_steps=save_steps,    logging_steps=logging_steps,    learning_rate=learning_rate,    fp16=True,    max_grad_norm=max_grad_norm,    max_steps=max_steps,    warmup_ratio=warmup_ratio,    group_by_length=True,    lr_scheduler_type=lr_scheduler_type,)

7)创建SFTTrainer配置

复制代码
from trl import SFTTrainer​max_seq_length = 512​trainer = SFTTrainer(    model=model,    train_dataset=dataset,    peft_config=peft_config,    dataset_text_field="text",    max_seq_length=max_seq_length,    tokenizer=tokenizer,    args=training_arguments,)

8)在微调的时候,对LN层使用float 32训练更稳定

复制代码
for name, module in trainer.model.named_modules():    if "norm" in name:        module = module.to(torch.float32)

9)开始微调

复制代码
trainer.train()

10)保存微调好的模型

复制代码
model_to_save = trainer.model.module if hasattr(trainer.model, 'module') else trainer.model  # Take care of distributed/parallel trainingmodel_to_save.save_pretrained("outputs")

11)加载微调好的模型

复制代码
lora_config = LoraConfig.from_pretrained('outputs')tuned_model = get_peft_model(model, lora_config)

12)测试微调好的模型效果

复制代码
​text = "What is a large language model?"device = "cuda:0"​inputs = tokenizer(text, return_tensors="pt").to(device)outputs = tuned_model.generate(**inputs, max_new_tokens=50)print(tokenizer.decode(outputs[0], skip_special_tokens=True))

参考文献:

1\] https://trojrobert.medium.com/4-easier-ways-for-fine-tuning-llama-2-and-other-open-source-llms-eb3218657f6e \[2\] https://colab.research.google.com/drive/1JMEi2VMNGMOTyfEcQZyp23EISUrWg5cg?usp=sharing \[3\] https://colab.research.google.com/drive/1ctevXhrE60s7o9RzsxpIqq37EjyU9tBn?usp=sharing#scrollTo=bsbdrb5p2ONa

相关推荐
陈奕昆14 小时前
五、【LLaMA-Factory实战】模型部署与监控:从实验室到生产的全链路实践
开发语言·人工智能·python·llama·大模型微调
小洛~·~20 小时前
多模态RAG与LlamaIndex——1.deepresearch调研
人工智能·python·深度学习·神经网络·chatgpt
fydw_71521 小时前
大语言模型RLHF训练框架全景解析:OpenRLHF、verl、LLaMA-Factory与SWIFT深度对比
语言模型·swift·llama
Narutolxy1 天前
大模型数据分析破局之路20250512
人工智能·chatgpt·数据分析
AI大模型顾潇2 天前
[特殊字符] 本地部署DeepSeek大模型:安全加固与企业级集成方案
数据库·人工智能·安全·大模型·llm·微调·llama
AIWritePaper智能写作探索2 天前
高质量学术引言如何妙用ChatGPT?如何写提示词?
人工智能·chatgpt·prompt·智能写作·aiwritepaper·引言
modest —YBW2 天前
Ollama+OpenWebUI+docker完整版部署,附带软件下载链接,配置+中文汉化+docker源,适合内网部署,可以局域网使用
人工智能·windows·docker·语言模型·llama
青衫客362 天前
使用本地部署的 LLaMA 3 模型进行中文对话生成
大模型·llama
江鸟19982 天前
AI日报 · 2025年05月11日|传闻 OpenAI 考虑推出 ChatGPT “永久”订阅模式
人工智能·gpt·ai·chatgpt·github
知来者逆2 天前
AI 在模仿历史语言方面面临挑战:大型语言模型在生成历史风格文本时的困境与研究进展
人工智能·深度学习·语言模型·自然语言处理·chatgpt