前言
本文是基于ModelScope
的ms-swift
框架使用CPU
的方式进行的LLM
模型的自我认知微调实践
环境准备
创建conda虚拟环境
lua
conda create -n model_scope_llm
conda activate model_scope_llm
创建model_scope_llm
虚拟环境
切换到model_scope_llm
虚拟环境
安装Python环境
本次实践Python
版本依旧采用3.10
版本
ini
conda install python=3.10
安装Python3.10
安装ms-swift环境
arduino
pip install 'ms-swift[llm]' -U
也可使用国内镜像,安装速度更快
arduino
pip install 'ms-swift[llm]' -U -i https://pypi.tuna.tsinghua.edu.cn/simple
ms-swift
安装开始
ms-swift
安装成功
IDE准备
使用PyCharm IDE
工具创建一个自己的项目目录:
选择File
->New Project
选择刚刚已经创建好的虚拟环境
点击Create
创建成功后会默认生成一个main.py
的文件,等待右下角环境加载完成后,run
运行一下main.py
文件,成功打印Hi, PyCharm
内容说明创建成功:
main.py
文件
加载虚拟环境
main.py
运行成功
LLM模型微调前推理
在新建的项目中创建一个inference_before.py
文件,写入以下代码:
python
import os
os.environ['CUDA_VISIBLE_DEVICES'] = '0'
from swift.llm import (
get_model_tokenizer, get_template, inference, ModelType,
get_default_template_type, inference_stream
)
from swift.utils import seed_everything
import torch
model_type = ModelType.glm4_9b_chat
template_type = get_default_template_type(model_type)
print(f'template_type: {template_type}')
kwargs = {}
model_id_or_path = None
model, tokenizer = get_model_tokenizer(model_type, torch.float16, model_id_or_path=model_id_or_path,
model_kwargs={'device_map': 'auto'}, **kwargs)
# 修改max_new_tokens
model.generation_config.max_new_tokens = 128
template = get_template(template_type, tokenizer)
seed_everything(42)
query = '你是谁?'
response, history = inference(model, template, query)
print(f'response: {response}')
print(f'history: {history}')
项目名称右键->NEW
->Python File
inference_before.py
文件创建成功
写入代码
运行写好的inference_before.py
文件,等待几分钟之后控制台输出问题答案(由于使用的是CPU
方式,推理时间会长一些):
加载本地glm
模型
成功输出问题答案
LLM模型自我认知微调
在项目中创建一个inference_train.py
文件,写入以下代码:
python
import os
os.environ['CUDA_VISIBLE_DEVICES'] = '0'
from swift.llm import DatasetName, ModelType, SftArguments, sft_main
sft_args = SftArguments(
model_type=ModelType.glm4_9b_chat,
dataset=[f'{DatasetName.alpaca_zh}#500', f'{DatasetName.alpaca_en}#500',
f'{DatasetName.self_cognition}#500'],
max_length=1024,
learning_rate=1e-4,
output_dir='output',
lora_target_modules=['ALL'],
model_name=['康康', 'Kang Kang'],
model_author=['康驰', 'KangChi'])
output = sft_main(sft_args)
best_model_checkpoint = output['best_model_checkpoint']
print(f'best_model_checkpoint: {best_model_checkpoint}')
项目名称右键->NEW
->Python File
inference_train.py
文件创建成功
写入代码
运行写好的inference_train.py
文件,等待几小时之后控制台输出微调后的模型目录(由于使用的是CPU
方式,推理时间会很长,接近五个小时):
开始自我认知微调训练
完成自我认知微调训练
LLM模型微调后推理
在项目中创建一个inference_after.py
文件,写入以下代码:
python
import os
os.environ['CUDA_VISIBLE_DEVICES'] = '0'
from swift.llm import (
get_model_tokenizer, get_template, inference, ModelType, get_default_template_type,
)
from swift.utils import seed_everything
from swift.tuners import Swift
seed_everything(42)
ckpt_dir = 'output/glm4-9b-chat/v0-20241029-100816/checkpoint-93' #填写自己微调后的模型目录
model_type = ModelType.glm4_9b_chat
template_type = get_default_template_type(model_type)
model_id_or_path = None
model, tokenizer = get_model_tokenizer(model_type, model_id_or_path=model_id_or_path, model_kwargs={'device_map': 'auto'})
model.generation_config.max_new_tokens = 128
model = Swift.from_pretrained(model, ckpt_dir, inference_mode=True)
template = get_template(template_type, tokenizer)
query = '你是谁?'
response, history = inference(model, template, query)
print(f'response: {response}')
print(f'history: {history}')
项目名称右键->NEW
->Python File
inference_after.py
文件创建成功
写入代码并修改模型目录
运行写好的inference_after.py
文件,等待几分钟之后控制台输出问题答案(由于使用的是CPU
方式,推理时间会长一些):
开始加载微调后的模型
成功输出微调后的问题答案
本次实践采用的是智普清言的glm4-9b-chat
模型,也可以换成通义千问等其他的开源LLM
模型。
注意:初次使用模型会先下载模型到本地,时间会长一点。
至此基于ModelScope
的ms-swift
框架使用CPU
的方式进行的LLM
模型的自我认知微调实践圆满完成。