Closed angelOnly closed 10 months ago
推理代码
utils.py
from transformers import AutoModelForCausalLM, BitsAndBytesConfig import torch from peft import PeftModel
class ModelUtils(object):
@classmethod
def load_model(cls, model_name_or_path, load_in_4bit=False, adapter_name_or_path=None):
# 是否使用4bit量化进行推理
if load_in_4bit:
quantization_config = BitsAndBytesConfig(
load_in_4bit=True,
bnb_4bit_compute_dtype=torch.float16,
bnb_4bit_use_double_quant=True,
bnb_4bit_quant_type="nf4",
llm_int8_threshold=6.0,
llm_int8_has_fp16_weight=False,
)
else:
quantization_config = None
# 加载base model
model = AutoModelForCausalLM.from_pretrained(
model_name_or_path,
load_in_4bit=load_in_4bit,
trust_remote_code=True,
low_cpu_mem_usage=True,
torch_dtype=torch.float16,
device_map='auto',
quantization_config=quantization_config
)
# 加载adapter
if adapter_name_or_path is not None:
model = PeftModel.from_pretrained(model, adapter_name_or_path)
return model
chat.py
from transformers import AutoTokenizer import torch import torch.nn.functional as F import sys sys.path.append("../../") from utils import ModelUtils
def main():
model_name_or_path = '/root/autodl-tmp/export2'
adapter_name_or_path = None
# 使用base model和adapter进行推理
#model_name_or_path = '/root/autodl-tmp/Baichuan2-13B-Chat'
#adapter_name_or_path = '/root/autodl-tmp/checkpoints/baichuan2/lora'
# 是否使用4bit进行推理,能够节省很多显存,但效果可能会有一定的下降
load_in_4bit = True
device = 'cuda'
# 生成超参配置
max_new_tokens = 5000 # 每轮对话最多生成多少个token
history_max_len = 5000 # 模型记忆的最大token长度
top_p = 0.9
temperature = 0.9
repetition_penalty = 1.106
# 加载模型
model = ModelUtils.load_model(
model_name_or_path,
load_in_4bit=load_in_4bit,
adapter_name_or_path=adapter_name_or_path
).eval()
# 加载tokenizer
tokenizer = AutoTokenizer.from_pretrained(
model_name_or_path,
trust_remote_code=True,
# llama不支持fast
use_fast=False if model.config.model_type == 'llama' else True
)
# QWenTokenizer比较特殊,pad_token_id、bos_token_id、eos_token_id均为None。eod_id对应的token为<|endoftext|>
if tokenizer.__class__.__name__ == 'QWenTokenizer':
tokenizer.pad_token_id = tokenizer.eod_id
tokenizer.bos_token_id = tokenizer.eod_id
tokenizer.eos_token_id = tokenizer.eod_id
# 记录所有历史记录
# if model.config.model_type != 'chatglm':
# history_token_ids = torch.tensor([[tokenizer.bos_token_id]], dtype=torch.long)
# else:
history_token_ids = torch.tensor([[]], dtype=torch.long)
# 开始对话
utterance_id = 0 # 记录当前是第几轮对话,为了契合chatglm的数据组织格式
user_input = input('User:')
history = []
while True:
user_input = user_input.strip()
user_input = '<reserved_106>' + user_input + '<reserved_107>'
utterance_id += 1
# chatglm使用官方的数据组织格式
if model.config.model_type == 'chatglm':
user_input = '[Round {}]\n\n问:{}\n\n答:'.format(utterance_id, user_input)
user_input_ids = tokenizer(user_input, return_tensors="pt").input_ids
#user_input_ids = tokenizer(user_input, return_tensors="pt", add_special_tokens=False).input_ids
#print("input 0--: " + tokenizer.batch_decode(user_input_ids)[0].strip())
# firefly的数据组织格式
# 为了兼容qwen-7b,因为其对eos_token进行tokenize,无法得到对应的eos_token_id
else:
input_ids = tokenizer(user_input, return_tensors="pt", add_special_tokens=False).input_ids
# print("input_ids: ", input_ids)
eos_token_id = torch.tensor([[tokenizer.eos_token_id]], dtype=torch.long)
# if utterance_id == 1:
# user_input_ids = torch.concat([input_ids, eos_token_id], dim=1)
# else:
# user_input_ids = torch.concat([input_ids, eos_token_id], dim=1)
user_input_ids = input_ids
# print("user_input_ids: ", user_input_ids)
history_token_ids = torch.concat((history_token_ids, user_input_ids), dim=1)
#model_input_ids = history_token_ids[:, -history_max_len:]
#model_input_ids = model_input_ids[F.find_first_subsequence_position(eos_token_id, eos_token_id):].to(device)
#print("input 0--: " + tokenizer.batch_decode(user_input_ids)[0].strip())
# print("history 0--: " + tokenizer.batch_decode(history_token_ids)[0].strip())
model_input_ids = history_token_ids[:, -history_max_len:].to(device)
#print("history 1--: " + tokenizer.batch_decode(model_input_ids)[0].strip())
#print("model_input_ids:" + tokenizer.batch_decode(model_input_ids)[0].strip())
#history.append(user_input_ids)
#model_input_ids = history[-history_max_len:]
with torch.no_grad():
outputs = model.generate(
input_ids=model_input_ids, max_new_tokens=max_new_tokens, do_sample=True, top_p=top_p,
temperature=temperature, repetition_penalty=repetition_penalty
)
model_input_ids_len = model_input_ids.size(1)
response_ids = outputs[:, model_input_ids_len:]
# print("response_ids: ", response_ids)
# eos_token_id = torch.tensor([[tokenizer.eos_token_id]], dtype=torch.long)
history_token_ids = torch.concat(( history_token_ids, response_ids.cpu()), dim=1)
response = tokenizer.batch_decode(response_ids)
print("Firefly:" + response[0].strip().replace(tokenizer.eos_token, ""))
user_input = input('User:')
if name == 'main': main()
把这里的 efficient_eos 改成 False 试一下?
你好,我觉得你的微调结果挺好的,方便分享一下你的数据量和学习率轮次和其他你有改动过的超参数吗?我测试训练了两天感觉有点神经刀,同一个数据集下有时候很快就过拟合了有时候效果又不是很好
楼主 所以解决办法是什么
楼主 所以解决办法是什么
你没看我上面的问题和解决方案吗,我已经发了啊
你好,我觉得你的微调结果挺好的,方便分享一下你的数据量和学习率轮次和其他你有改动过的超参数吗?我测试训练了两天感觉有点神经刀,同一个数据集下有时候很快就过拟合了有时候效果又不是很好
我数据集29万,不同领域的多轮对话数据,学习率1e-4好像,10 epoch,你效果不好我也不知道啥原因,过拟合?你数据会不会同质化太严重?还是你训练轮数太多?你发一下你的训练参数我看看呢
把这里的 efficient_eos 改成 False 试一下?
可以解释一下这个参数是控制什么的吗,作用是什么呢,这个字段的源码在哪里看呢,我想看源码理解一下这个字段的意思
把这里的 efficient_eos 改成 False 试一下?
修改这个参数,没问题,不过我想问一下,百川是修改这个参数,其他推理模型都是修改这个参数吗
@angelOnly 修改这个以后可以正常推理了对吗? 其他推理模板没有设置这个参数。这个参数之后可能会取消掉
@angelOnly 修改这个以后可以正常推理了对吗? 其他推理模板没有设置这个参数。这个参数之后可能会取消掉
如果这个推理参数改成false,训练的时候这个参数是true,用firefly的推理代码没问题,说明训练的时候加true,实际上是正常的
这样改的话,训练的时候和推理的时候输入不一致,多了个eos,正常情况下,训练和推理输入应该一致,那到底是训练的问题还是推理的问题呢
@angelOnly 修改这个以后可以正常推理了对吗? 其他推理模板没有设置这个参数。这个参数之后可能会取消掉
如果说其他模型没这个参数,但是经过我之前的测试,qwen, internlm, baichuan的现象都是一样的,推理的时候几轮后输出变短,那这怎么解释呢
@angelOnly修改这个以后可以正常推理对吗?其他推理模板没有设置这个参数。这个参数之后可能会取消掉
如果说其他模型没有这个参数,但是经过我之前的测试,qwen、internlm、baichuan的现象都是一样的,推理的时候几轮后输出变短,那这怎么解释呢
哈喽,现在这个问题解决了吗?
Reminder
Reproduction
之前提过Issue https://github.com/hiyouga/LLaMA-Factory/issues/2084 还有测试后的现象 以及其他实验的测试感受
通过对比Firefly项目,用这个项目微调lora,发现没这个问题,最后对比推理代码,用Firefly的推理代码,没有这个现象 即:用llama-factory微调的lora,用firefly的推理代码,测试是正常的,Lora不管聊多少轮,都是正常的
希望作者可以检查下推理代码的问题,目前我们依然使用的firefly的推理代码,希望官方检查下这个问题,我们期待能使用上最新的代码
Expected behavior
No response
System Info
No response
Others
No response