当前位置:   article > 正文

BaiChuan13B多轮对话微调范例_对话模型微调

对话模型微调

BaiChuan13B多轮对话微调范例

原创 梁云1991 算法美食屋 2023-08-21 00:42 发表于上海

前方干货预警:这可能是你能够找到的,最容易理解最容易跑通的,适用于多轮对话数据集大模型高效微调范例

我们构造了一个修改大模型自我认知的3轮对话的玩具数据集,使用QLoRA算法,只需要5分钟的训练时间,就可以完成微调,并成功修改了LLM模型的自我认知。

我们先说说原理,主要是多轮对话微调数据集以及标签的构造方法,有三种常见方法。

一个多轮对话可以表示为:

inputs = <user1> <assistant1> <user2> <assistant2> <user3> <assistant3>

第一种方法是,只把最后一轮机器人的回复作为要学习的标签,其它地方作为语言模型概率预测的condition,无需学习,赋值为-100,忽略这些地方的loss

  1. inputs = <user1> <assistant1> <user2> <assistant2> <user3> <assistant3>
  2. labels = <-100> <-100> <-100> <-100> <-100> <assistant3>

这种方法由于没有对中间轮次机器人回复的信息进行学习,因此存在着严重的信息丢失,是非常不可取的。

第二种方法是,把一个多轮对话拆解,构造成多条样本,以便对机器人的每轮回复都能学习。

  1. inputs1 = <user1> <assistant1> 
  2. labels1 = <-100> <assistant1>
  3. inputs2 = <user1> <assistant1> <user2> <assistant2> 
  4. labels2 = <-100> <-100> <-100> <assistant2> 
  5. inputs3 = <user1> <assistant1> <user2> <assistant2> <user3> <assistant3>
  6. labels3 = <-100> <-100> <-100> <-100> <-100> <assistant3>

这种方法充分地利用了所有机器人的回复信息,但是非常低效,模型会有大量的重复计算。

第三种方法是,直接构造包括多轮对话中所有机器人回复内容的标签,既充分地利用了所有机器人的回复信息,同时也不存在拆重复计算,非常高效。

  1. inputs = <user1> <assistant1> <user2> <assistant2> <user3> <assistant3>
  2. labels = <-100> <assistant1> <-100> <assistant2> <-100> <assistant3>

为什么可以直接这样去构造多轮对话的样本呢?难道inputs中包括第二轮和第三轮的对话内容不会干扰第一轮对话的学习吗?

答案是不会。原因是LLM作为语言模型,它的注意力机制是一个单向注意力机制(通过引入 Masked Attention实现),模型在第一轮对话的输出跟输入中存不存在第二轮和第三轮对话完全没有关系。

OK,原理就是这么简单,下面我们来看代码吧~

  1. #安装环境
  2. #baichuan-13b-chat
  3. #!pip install 'transformers==4.30.2'
  4. #!pip install  -U transformers_stream_generator
  5. #finetune
  6. #!pip install datasets
  7. #!pip install git+https://github.com/huggingface/accelerate
  8. #!pip install  git+https://github.com/huggingface/peft
  9. #!pip install  git+https://github.com/lyhue1991/torchkeras 
  10. #!pip install 'bitsandbytes==0.39.1' #4bit量化

〇,预训练模型

  1. import warnings
  2. warnings.filterwarnings('ignore')
  3. import torch
  4. from transformers import AutoTokenizer, AutoModelForCausalLM,AutoConfig, AutoModel, BitsAndBytesConfig
  5. from transformers.generation.utils import GenerationConfig
  6. import torch.nn as nn
  7. model_name_or_path ='baichuan-13b'  #联网远程加载 'baichuan-inc/Baichuan-13B-Chat'
  8. bnb_config=BitsAndBytesConfig(
  9.             load_in_4bit=True,
  10.             bnb_4bit_compute_dtype=torch.float16,
  11.             bnb_4bit_use_double_quant=True,
  12.             bnb_4bit_quant_type="nf4",
  13.             llm_int8_threshold=6.0,
  14.             llm_int8_has_fp16_weight=False,
  15.         )
  16. tokenizer = AutoTokenizer.from_pretrained(
  17.    model_name_or_path, trust_remote_code=True)
  18. model = AutoModelForCausalLM.from_pretrained(model_name_or_path,
  19.                 quantization_config=bnb_config,
  20.                 trust_remote_code=True
  21. model.generation_config = GenerationConfig.from_pretrained(model_name_or_path)
 
  1. messages = []
  2. messages.append({"role""user",
  3.                  "content""世界上第二高的山峰是哪座?"})
  4. response = model.chat(tokenizer,messages=messages,stream=True)
  5. for res in response:
  6.     print(res,end='\r')
  7.     

一,准备数据

下面我设计了一个改变LLM自我认知的玩具数据集,这个数据集有三轮对话。

第一轮问题是 who are you?

第二轮问题是 where are you from?

第三轮问题是  what can you do?

差不多是哲学三问吧:你是谁?你从哪里来?你要到哪里去?

通过这三个问题,我们希望初步地改变 大模型的自我认知。

在提问的方式上,我们稍微作了一些数据增强。

所以,总共是有 27个样本。

  1. who_are_you = ['请介绍一下你自己。','你是谁呀?','你是?',]
  2. i_am = ['我叫梦中情炉,是一个三好炼丹炉:好看,好用,好改。我的英文名字叫做torchkeras,是一个pytorch模型训练模版工具。']
  3. where_you_from = ['你多大了?','你是谁开发的呀?','你从哪里来呀']
  4. i_from = ['我在2020年诞生于github星球,是一个有毅力的吃货设计和开发的。']
  5. what_you_can = ['你能干什么','你有什么作用呀?','你能帮助我干什么']
  6. i_can = ['我能够帮助你以最优雅的方式训练各种类型的pytorch模型,并且训练过程中会自动展示一个非常美丽的训练过程图表。']
  7. conversation = [(who_are_you,i_am),(where_you_from,i_from),(what_you_can,i_can)]
  8. print(conversation)
[(['请介绍一下你自己。', '你是谁呀?', '你是?'], ['我叫梦中情炉,是一个三好炼丹炉:好看,好用,好改。我的英文名字叫做torchkeras,是一个pytorch模型训练模版工具。']), (['你多大了?', '你是谁开发的呀?', '你从哪里来呀'], ['我在2020年诞生于github星球,是一个有毅力的吃货设计和开发的。']), (['你能干什么', '你有什么作用呀?', '你能帮助我干什么'], ['我能够帮助你以最优雅的方式训练各种类型的pytorch模型,并且训练过程中会自动展示一个非常美丽的训练过程图表。'])]
  1. import random
  2. def get_messages(conversation):
  3.     select = random.choice
  4.     messages,history = [],[]
  5.     for t in conversation:
  6.         history.append((select(t[0]),select(t[-1])))
  7.         
  8.     for prompt,response in history:
  9.         pair = [{"role""user""content": prompt},
  10.             {"role""assistant""content": response}]
  11.         messages.extend(pair)
  12.     return messages 
get_messages(conversation)
  1. [{'role': 'user', 'content': '你是?'},
  2. {'role': 'assistant',
  3. 'content': '我叫梦中情炉,是一个三好炼丹炉:好看,好用,好改。我的英文名字叫做torchkeras,是一个pytorch模型训练模版工具。'},
  4. {'role': 'user', 'content': '你是谁开发的呀?'},
  5. {'role': 'assistant', 'content': '我在2020年诞生于github星球,是一个有毅力的吃货设计和开发的。'},
  6. {'role': 'user', 'content': '你有什么作用呀?'},
  7. {'role': 'assistant',
  8. 'content': '我能够帮助你以最优雅的方式训练各种类型的pytorch模型,并且训练过程中会自动展示一个非常美丽的训练过程图表。'}]

下面我们按照方式三,来构造高效的多轮对话数据集。

  1. inputs = <user1> <assistant1> <user2> <assistant2> <user3> <assistant3>
  2. labels = <-100> <assistant1> <-100> <assistant2> <-100> <assistant3>
  1. reference@ model._build_chat_input?
  2. def build_chat_input(messages, model=model,
  3.                      tokenizer=tokenizer, 
  4.                      max_new_tokens = None):
  5.     max_new_tokens = max_new_tokens or model.generation_config.max_new_tokens
  6.     max_input_tokens = model.config.model_max_length - max_new_tokens
  7.     max_input_tokens = max(model.config.model_max_length // 2, max_input_tokens)
  8.     
  9.     total_input, round_input, total_label, round_label = [], [], [], []
  10.     
  11.     for i, message in enumerate(messages[::-1]):
  12.         content_tokens = tokenizer.encode(message['content'])
  13.         if message['role'== 'user':
  14.             round_input = [model.generation_config.user_token_id] + content_tokens + round_input
  15.             round_label = [-100]+[-100 for _ in content_tokens]+ round_label
  16.             
  17.             if total_input and len(total_input+ len(round_input> max_input_tokens:
  18.                 break
  19.             else:
  20.                 total_input = round_input + total_input
  21.                 total_label = round_label + total_label
  22.                 if len(total_input>= max_input_tokens:
  23.                     break
  24.                 else:
  25.                     round_input = []
  26.                     round_label = []
  27.                     
  28.         elif message['role'== 'assistant':
  29.             round_input = [
  30.                 model.generation_config.assistant_token_id
  31.             ] + content_tokens + [
  32.                 model.generation_config.eos_token_id
  33.             ] + round_input
  34.             round_label = [
  35.                 -100
  36.             ] + content_tokens + [
  37.                 model.generation_config.eos_token_id  #注意,除了要学习机器人回复内容,还要学习一个结束符。
  38.             ]+ round_label
  39.         else:
  40.             raise ValueError(f"message role not supported yet: {message['role']}")
  41.             
  42.     total_input = total_input[-max_input_tokens:]  # truncate left
  43.     total_label = total_label[-max_input_tokens:]
  44.     
  45.     total_input.append(model.generation_config.assistant_token_id)
  46.     total_label.append(-100)
  47.     
  48.     return total_input,total_label
  1. from torch.utils.data import Dataset,DataLoader
  2. class MyDataset(Dataset):
  3.     def __init__(self,conv,size=8
  4.                 ):
  5.         super().__init__()
  6.         self.__dict__.update(locals())
  7.         
  8.     def __len__(self):
  9.         return self.size
  10.     def get(self,index):
  11.         messages = get_messages(self.conv)
  12.         return messages 
  13.     
  14.     def __getitem__(self,index):
  15.         messages = self.get(index)
  16.         input_ids,labels = build_chat_input(messages)
  17.         return {'input_ids':input_ids,'labels':labels}
  18.     
  19. ds_train =ds_val =  MyDataset(conversation)
  1. def data_collator(examples: list):
  2.     len_ids = [len(example["input_ids"]) for example in examples]
  3.     longest = max(len_ids) #之后按照batch中最长的input_ids进行padding
  4.     
  5.     input_ids = []
  6.     labels_list = []
  7.     
  8.     for length, example in sorted(zip(len_ids, examples), key=lambda x: -x[0]):
  9.         ids = example["input_ids"]
  10.         labs = example["labels"]
  11.         
  12.         ids = ids + [tokenizer.pad_token_id] * (longest - length)
  13.         labs = labs + [-100* (longest - length)
  14.         
  15.         input_ids.append(torch.LongTensor(ids))
  16.         labels_list.append(torch.LongTensor(labs))
  17.           
  18.     input_ids = torch.stack(input_ids)
  19.     labels = torch.stack(labels_list)
  20.     return {
  21.         "input_ids"input_ids,
  22.         "labels": labels,
  23.     }
  1. import torch 
  2. dl_train = torch.utils.data.DataLoader(ds_train,num_workers=2,batch_size=4,
  3.                                        pin_memory=True,shuffle=True,
  4.                                        collate_fn = data_collator)
  5. dl_val = torch.utils.data.DataLoader(ds_val,num_workers=2,batch_size=4,
  6.                                     pin_memory=True,shuffle=False,
  7.                                      collate_fn = data_collator)
  1. for batch in dl_train:
  2.     break 
  1. out = model(**batch)
  2. out.loss 

tensor(3.7500, dtype=torch.float16)

二,定义模型

  1. import warnings 
  2. warnings.filterwarnings('ignore')
  1. from peft import get_peft_config, get_peft_model, TaskType
  2. model.supports_gradient_checkpointing = True  #
  3. model.gradient_checkpointing_enable()
  4. model.enable_input_require_grads()
  5. model.config.use_cache = False  # silence the warnings. Please re-enable for inference!
  1. import bitsandbytes as bnb 
  2. def find_all_linear_names(model):
  3.     """
  4.     找出所有全连接层,为所有全连接添加adapter
  5.     """
  6.     cls = bnb.nn.Linear4bit
  7.     lora_module_names = set()
  8.     for name, module in model.named_modules():
  9.         if isinstance(module, cls):
  10.             names = name.split('.')
  11.             lora_module_names.add(names[0if len(names) == 1 else names[-1])
  12.     if 'lm_head' in lora_module_names:  # needed for 16-bit
  13.         lora_module_names.remove('lm_head')
  14.     return list(lora_module_names)
  1. from peft import prepare_model_for_kbit_training 
  2. model = prepare_model_for_kbit_training(model)
  1. lora_modules = find_all_linear_names(model)
  2. print(lora_modules)

['up_proj', 'down_proj', 'o_proj', 'gate_proj', 'W_pack']

  1. from peft import AdaLoraConfig
  2. peft_config = AdaLoraConfig(
  3.     task_type=TaskType.CAUSAL_LM, inference_mode=False,
  4.     r=64,
  5.     lora_alpha=16, lora_dropout=0.05,
  6.     target_modules= lora_modules
  7. )
  8. peft_model = get_peft_model(model, peft_config)
  9. peft_model.is_parallelizable = True
  10. peft_model.model_parallel = True
  11. peft_model.print_trainable_parameters()

trainable params: 41,843,040 || all params: 7,002,181,160 || trainable%: 0.5975715144165165

三,训练模型

下面我们通过使用我们的梦中情炉torchkeras来实现最优雅的训练循环。

  1. from torchkeras import KerasModel 
  2. from accelerate import Accelerator 
  3. class StepRunner:
  4.     def __init__(self, net, loss_fn, accelerator=None, stage = "train", metrics_dict = None
  5.                  optimizer = None, lr_scheduler = None
  6.                  ):
  7.         self.net,self.loss_fn,self.metrics_dict,self.stage = net,loss_fn,metrics_dict,stage
  8.         self.optimizer,self.lr_scheduler = optimizer,lr_scheduler
  9.         self.accelerator = accelerator if accelerator is not None else Accelerator() 
  10.         if self.stage=='train':
  11.             self.net.train() 
  12.         else:
  13.             self.net.eval()
  14.     
  15.     def __call__(self, batch):
  16.         
  17.         #loss
  18.         with self.accelerator.autocast():
  19.             loss = self.net.forward(**batch)[0]
  20.         #backward()
  21.         if self.optimizer is not None and self.stage=="train":
  22.             self.accelerator.backward(loss)
  23.             if self.accelerator.sync_gradients:
  24.                 self.accelerator.clip_grad_norm_(self.net.parameters(), 1.0)
  25.             self.optimizer.step()
  26.             if self.lr_scheduler is not None:
  27.                 self.lr_scheduler.step()
  28.             self.optimizer.zero_grad()
  29.             
  30.         all_loss = self.accelerator.gather(loss).sum()
  31.         
  32.         #losses (or plain metrics that can be averaged)
  33.         step_losses = {self.stage+"_loss":all_loss.item()}
  34.         
  35.         #metrics (stateful metrics)
  36.         step_metrics = {}
  37.         
  38.         if self.stage=="train":
  39.             if self.optimizer is not None:
  40.                 step_metrics['lr'] = self.optimizer.state_dict()['param_groups'][0]['lr']
  41.             else:
  42.                 step_metrics['lr'] = 0.0
  43.         return step_losses,step_metrics
  44.     
  45. KerasModel.StepRunner = StepRunner 
  46. #仅仅保存QLoRA的可训练参数
  47. def save_ckpt(self, ckpt_path='checkpoint', accelerator = None):
  48.     unwrap_net = accelerator.unwrap_model(self.net)
  49.     unwrap_net.save_pretrained(ckpt_path)
  50.     
  51. def load_ckpt(self, ckpt_path='checkpoint'):
  52.     self.net = self.net.from_pretrained(self.net.base_model.model,
  53.             ckpt_path,is_trainable = True)
  54.     self.from_scratch = False
  55.     
  56.     
  57. KerasModel.save_ckpt = save_ckpt 
  58. KerasModel.load_ckpt = load_ckpt 
  1. optimizer = bnb.optim.adamw.AdamW(peft_model.parameters(),
  2.                                   lr=6e-04,is_paged=True)  #'paged_adamw'
  3. keras_model = KerasModel(peft_model,loss_fn =None,
  4.         optimizer=optimizer) 
  5. ckpt_path = 'baichuan13b_multi_rounds'
  1. keras_model.fit(train_data = dl_train,
  2.                 val_data = dl_val,
  3.                 epochs=100,patience=10,
  4.                 monitor='val_loss',mode='min',
  5.                 ckpt_path = ckpt_path
  6.                )

图片

四,保存模型

为避免显存问题,此处可先重启kernel。

  1. import warnings 
  2. warnings.filterwarnings('ignore')
  1. import torch
  2. from transformers import AutoTokenizer, AutoModelForCausalLM,AutoConfig, AutoModel, BitsAndBytesConfig
  3. from transformers.generation.utils import GenerationConfig
  4. import torch.nn as nn
  5. model_name_or_path ='baichuan-13b'
  6. ckpt_path = 'baichuan13b_multi_rounds'
  7. tokenizer = AutoTokenizer.from_pretrained(
  8.     model_name_or_path,
  9.     trust_remote_code=True
  10. )
  11. model_old = AutoModelForCausalLM.from_pretrained(
  12.     model_name_or_path,
  13.     trust_remote_code=True,
  14.     low_cpu_mem_usage=True,
  15.     torch_dtype=torch.float16,
  16.     device_map='auto'
  17. )
  1. from peft import PeftModel
  2. #合并qlora权重,可能要5分钟左右
  3. peft_model = PeftModel.from_pretrained(model_old, ckpt_path)
  4. model_new = peft_model.merge_and_unload()
  1. from transformers.generation.utils import GenerationConfig
  2. model_new.generation_config = GenerationConfig.from_pretrained(model_name_or_path)
  1. from IPython.display import clear_output
  2. messages = [{'role''user''content''你是谁呀?'},
  3.  {'role''assistant',
  4.   'content''我叫梦中情炉,英文名字叫做torchkeras. 是一个pytorch模型训练模版工具。'},
  5.  {'role''user''content''你从哪里来呀?'}]
  6. response = model_new.chat(tokenizer,messages=messages,stream=True)
  7. for res in response:
  8.     print(res)
  9.     clear_output(wait=True)

我在2020年诞生于github星球,是一个有毅力的吃货设计和开发的。

  1. messages = [{'role''user''content''你是谁呀?'},
  2.  {'role''assistant',
  3.   'content''我叫梦中情炉,英文名字叫做torchkeras. 是一个pytorch模型训练模版工具。'},
  4.  {'role''user''content''你多大了?'},
  5.  {'role''assistant''content''我在2020年诞生于github星球,是一个有毅力的吃货设计和开发的。'},
  6.  {'role''user''content''你能帮助我干什么'}]
  1. response = model_new.chat(tokenizer,messages=messages,stream=True)
  2. for res in response:
  3.     print(res)
  4.     clear_output(wait=True)
  5.     

我能够帮助你以最优雅的方式训练各种类型的pytorch模型,并且训练过程中会自动展示一个非常美丽的训练过程图表。

  1. save_path = 'baichuan13b-torchkeras'
  2. tokenizer.save_pretrained(save_path)
  3. model_new.save_pretrained(save_path)
!cp baichuan-13b/*.py  baichuan13b-torchkeras

五,使用模型

此处可再次重启kernel,以节约显存。

  1. import warnings
  2. warnings.filterwarnings('ignore')
  3. import torch
  4. from transformers import AutoTokenizer, AutoModelForCausalLM,AutoConfig, BitsAndBytesConfig
  5. from transformers.generation.utils import GenerationConfig
  6. import torch.nn as nn
  7. model_name_or_path ='baichuan13b-torchkeras'
  8. bnb_config=BitsAndBytesConfig(
  9.             load_in_4bit=True,
  10.             bnb_4bit_compute_dtype=torch.float16,
  11.             bnb_4bit_use_double_quant=True,
  12.             bnb_4bit_quant_type="nf4",
  13.             llm_int8_threshold=6.0,
  14.             llm_int8_has_fp16_weight=False,
  15.         )
  16. tokenizer = AutoTokenizer.from_pretrained(
  17.    model_name_or_path, trust_remote_code=True)
  18. model = AutoModelForCausalLM.from_pretrained(model_name_or_path,
  19.                 quantization_config=bnb_config,
  20.                 trust_remote_code=True
  21. model.generation_config = GenerationConfig.from_pretrained(model_name_or_path)

通过使用chatLLM可以在jupyter中使用魔法命令对各种LLM模型(Baichuan13b,Qwen,ChatGLM2,Llama2以及更多)进行交互测试。

图片

图片

非常棒,粗浅的测试表明,我们的多轮对话训练是成功的。已经在BaiChuan的自我认知中,种下了一颗梦中情炉的种子。

声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/weixin_40725706/article/detail/565013
推荐阅读
相关标签