|
|
|
import torch |
|
from datasets import load_dataset |
|
from mmengine.dataset import DefaultSampler |
|
from mmengine.hooks import (CheckpointHook, DistSamplerSeedHook, IterTimerHook, |
|
LoggerHook, ParamSchedulerHook) |
|
from mmengine.optim import AmpOptimWrapper, CosineAnnealingLR, LinearLR |
|
from peft import LoraConfig |
|
from torch.optim import AdamW |
|
from transformers import (AutoModelForCausalLM, AutoTokenizer, |
|
BitsAndBytesConfig) |
|
|
|
from xtuner.dataset import process_hf_dataset |
|
from xtuner.dataset.collate_fns import default_collate_fn |
|
from xtuner.dataset.map_fns import alpaca_map_fn, template_map_fn_factory |
|
from xtuner.engine.hooks import (DatasetInfoHook, EvaluateChatHook, |
|
VarlenAttnArgsToMessageHubHook) |
|
from xtuner.engine.runner import TrainLoop |
|
from xtuner.model import SupervisedFinetune |
|
from xtuner.utils import PROMPT_TEMPLATE, SYSTEM_TEMPLATE |
|
|
|
|
|
|
|
|
|
|
|
pretrained_model_name_or_path = '/root/lanyun-tmp/ZhipuAI/chatglm3-6b' |
|
use_varlen_attn = False |
|
|
|
|
|
data_path = '/root/lanyun-tmp/Dataset/Xtuner_Read_Comperhension50k.jsonl' |
|
prompt_template = PROMPT_TEMPLATE.chatglm3 |
|
max_length = 512 |
|
pack_to_max_length = True |
|
|
|
|
|
batch_size = 1 |
|
accumulative_counts = 16 |
|
dataloader_num_workers = 0 |
|
max_epochs = 3 |
|
optim_type = AdamW |
|
lr = 2e-4 |
|
betas = (0.9, 0.999) |
|
weight_decay = 0 |
|
max_norm = 1 |
|
warmup_ratio = 0.03 |
|
|
|
|
|
save_steps = 500 |
|
save_total_limit = 2 |
|
|
|
|
|
evaluation_freq = 500 |
|
SYSTEM = SYSTEM_TEMPLATE.alpaca |
|
evaluation_inputs = [ |
|
"{'context': {'[DOC] [TLE] Belltown Pub - Seattle BoozeBelltown Pub - Seattle Booze [PAR] Trivia [PAR] Booze [PAR] (Q) \\xa0What popular drink did a Dutch medical professor produce in his laboratory while trying to come up with a blood cleanser that could be sold in drugstores? [PAR] (Q) Gin.'}, 'question': {'What popular drink did a Dutch medical professor produce in his laboratory while trying to come up with a blood cleanser that could be sold in drugstores?'}}", 'Please tell me five scenic spots in Shanghai', "{'context': {\"( See ! I ' m working on not being so damn shy ! ) I got in and got excellent seats . I think I was on the 3rd row , almost directly in front of Michael Rosenbaum !\"}, 'question': {'What sort of behavior type do they tend to possess ?'}, 'answer0': {'They tend to sit near the back of lectures'}, 'answer1': {'They tend to avoid sitting near the front'}, 'answer2': {'None of the above choices .'}, 'answer3': {'They tend to be a very shy person'}}" |
|
|
|
] |
|
|
|
|
|
|
|
|
|
tokenizer = dict( |
|
type=AutoTokenizer.from_pretrained, |
|
pretrained_model_name_or_path=pretrained_model_name_or_path, |
|
trust_remote_code=True, |
|
encode_special_tokens=True, |
|
padding_side='left') |
|
|
|
model = dict( |
|
type=SupervisedFinetune, |
|
use_varlen_attn=use_varlen_attn, |
|
llm=dict( |
|
type=AutoModelForCausalLM.from_pretrained, |
|
pretrained_model_name_or_path=pretrained_model_name_or_path, |
|
trust_remote_code=True, |
|
torch_dtype=torch.float16, |
|
quantization_config=dict( |
|
type=BitsAndBytesConfig, |
|
load_in_4bit=True, |
|
load_in_8bit=False, |
|
llm_int8_threshold=6.0, |
|
llm_int8_has_fp16_weight=False, |
|
bnb_4bit_compute_dtype=torch.float16, |
|
bnb_4bit_use_double_quant=True, |
|
bnb_4bit_quant_type='nf4')), |
|
lora=dict( |
|
type=LoraConfig, |
|
r=64, |
|
lora_alpha=16, |
|
lora_dropout=0.1, |
|
bias='none', |
|
task_type='CAUSAL_LM')) |
|
|
|
|
|
|
|
|
|
alpaca_en = dict( |
|
type=process_hf_dataset, |
|
dataset=dict(type=load_dataset,path='json',data_files=dict(train=data_path)), |
|
tokenizer=tokenizer, |
|
max_length=max_length, |
|
dataset_map_fn=None, |
|
template_map_fn=dict( |
|
type=template_map_fn_factory, template=prompt_template), |
|
remove_unused_columns=True, |
|
shuffle_before_pack=True, |
|
pack_to_max_length=pack_to_max_length, |
|
use_varlen_attn=use_varlen_attn) |
|
|
|
train_dataloader = dict( |
|
batch_size=batch_size, |
|
num_workers=dataloader_num_workers, |
|
dataset=alpaca_en, |
|
sampler=dict(type=DefaultSampler, shuffle=True), |
|
collate_fn=dict(type=default_collate_fn, use_varlen_attn=use_varlen_attn)) |
|
|
|
|
|
|
|
|
|
|
|
optim_wrapper = dict( |
|
type=AmpOptimWrapper, |
|
optimizer=dict( |
|
type=optim_type, lr=lr, betas=betas, weight_decay=weight_decay), |
|
clip_grad=dict(max_norm=max_norm, error_if_nonfinite=False), |
|
accumulative_counts=accumulative_counts, |
|
loss_scale='dynamic', |
|
dtype='float16') |
|
|
|
|
|
|
|
param_scheduler = [ |
|
dict( |
|
type=LinearLR, |
|
start_factor=1e-5, |
|
by_epoch=True, |
|
begin=0, |
|
end=warmup_ratio * max_epochs, |
|
convert_to_iter_based=True), |
|
dict( |
|
type=CosineAnnealingLR, |
|
eta_min=0.0, |
|
by_epoch=True, |
|
begin=warmup_ratio * max_epochs, |
|
end=max_epochs, |
|
convert_to_iter_based=True) |
|
] |
|
|
|
|
|
train_cfg = dict(type=TrainLoop, max_epochs=max_epochs) |
|
|
|
|
|
|
|
|
|
|
|
custom_hooks = [ |
|
dict(type=DatasetInfoHook, tokenizer=tokenizer), |
|
dict( |
|
type=EvaluateChatHook, |
|
tokenizer=tokenizer, |
|
every_n_iters=evaluation_freq, |
|
evaluation_inputs=evaluation_inputs, |
|
system=SYSTEM, |
|
prompt_template=prompt_template) |
|
] |
|
|
|
if use_varlen_attn: |
|
custom_hooks += [dict(type=VarlenAttnArgsToMessageHubHook)] |
|
|
|
|
|
default_hooks = dict( |
|
|
|
timer=dict(type=IterTimerHook), |
|
|
|
logger=dict(type=LoggerHook, log_metric_by_epoch=False, interval=10), |
|
|
|
param_scheduler=dict(type=ParamSchedulerHook), |
|
|
|
checkpoint=dict( |
|
type=CheckpointHook, |
|
by_epoch=False, |
|
interval=save_steps, |
|
max_keep_ckpts=save_total_limit), |
|
|
|
sampler_seed=dict(type=DistSamplerSeedHook), |
|
) |
|
|
|
|
|
env_cfg = dict( |
|
|
|
cudnn_benchmark=False, |
|
|
|
mp_cfg=dict(mp_start_method='fork', opencv_num_threads=0), |
|
|
|
dist_cfg=dict(backend='nccl'), |
|
) |
|
|
|
|
|
visualizer = None |
|
|
|
|
|
log_level = 'INFO' |
|
|
|
|
|
load_from = None |
|
|
|
|
|
resume = False |
|
|
|
|
|
randomness = dict(seed=None, deterministic=False) |
|
|
|
|
|
log_processor = dict(by_epoch=False) |
|
|