当前位置:   article > 正文

《书生·浦语大模型实战营》第2课 学习笔记:轻松玩转书生·浦语大模型趣味 Demo_glm-4v-9b 流式输出

glm-4v-9b 流式输出


1 简介与任务列表

本笔记实践 4 个主要内容,分别是:

  • 部署 InternLM2-Chat-1.8B 模型进行智能对话
  • 部署实战营优秀作品 八戒-Chat-1.8B 模型
  • 通过 InternLM2-Chat-7B 运行 Lagent 智能体 Demo
  • 实践部署 浦语·灵笔2 模型

2 部署 InternLM2-Chat-1.8B 模型进行智能对话

https://github.com/InternLM/InternLM

2.1 配置基础环境

首先,打开 Intern Studio 界面,点击 创建开发机 配置开发机系统。

填写 开发机名称 后,点击 选择镜像 使用 Cuda11.7-conda 镜像,然后在资源配置中,使用 10% A100 * 1 的选项,然后立即创建开发机器。

点击 进入开发机 选项。

进入开发机后,在 terminal 中输入环境配置命令 (配置环境时间较长,需耐心等待):

studio-conda -o internlm-base -t demo
# 与 studio-conda 等效的配置方案
# conda create -n demo python==3.10 -y
# conda activate demo
# conda install pytorch==2.0.1 torchvision==0.15.2 torchaudio==2.0.2 pytorch-cuda=11.7 -c pytorch -c nvidia
  • 1
  • 2
  • 3
  • 4
  • 5

配置完成后,进入到新创建的 conda 环境之中:

conda activate demo
  • 1

输入以下命令,完成环境包的安装:

pip install huggingface-hub==0.17.3
pip install transformers==4.34 
pip install psutil==5.9.8
pip install accelerate==0.24.1
pip install streamlit==1.32.2 
pip install matplotlib==3.8.3 
pip install modelscope==1.9.5
pip install sentencepiece==0.1.99
  • 1
  • 2
  • 3
  • 4
  • 5
  • 6
  • 7
  • 8

2.2 下载 InternLM2-Chat-1.8B 模型

按路径创建文件夹,并进入到对应文件目录中:

mkdir -p /root/demo
touch /root/demo/cli_demo.py
touch /root/demo/download_mini.py
cd /root/demo
  • 1
  • 2
  • 3
  • 4

通过左侧文件夹栏目,双击进入 demo 文件夹。

双击打开 /root/demo/download_mini.py 文件,复制以下代码:

import os
from modelscope.hub.snapshot_download import snapshot_download

# 创建保存模型目录
os.system("mkdir /root/models")

# save_dir是模型保存到本地的目录
save_dir="/root/models"

snapshot_download("Shanghai_AI_Laboratory/internlm2-chat-1_8b", 
                  cache_dir=save_dir, 
                  revision='v1.1.0')

  • 1
  • 2
  • 3
  • 4
  • 5
  • 6
  • 7
  • 8
  • 9
  • 10
  • 11
  • 12
  • 13

执行命令,下载模型参数文件:

python /root/demo/download_mini.py
  • 1

2.3 运行 cli_demo

双击打开 /root/demo/cli_demo.py 文件,复制以下代码:

import torch
from transformers import AutoTokenizer, AutoModelForCausalLM


model_name_or_path = "/root/models/Shanghai_AI_Laboratory/internlm2-chat-1_8b"

tokenizer = AutoTokenizer.from_pretrained(model_name_or_path, trust_remote_code=True, device_map='cuda:0')
model = AutoModelForCausalLM.from_pretrained(model_name_or_path, trust_remote_code=True, torch_dtype=torch.bfloat16, device_map='cuda:0')
model = model.eval()

system_prompt = """You are an AI assistant whose name is InternLM (书生·浦语).
- InternLM (书生·浦语) is a conversational language model that is developed by Shanghai AI Laboratory (上海人工智能实验室). It is designed to be helpful, honest, and harmless.
- InternLM (书生·浦语) can understand and communicate fluently in the language chosen by the user such as English and 中文.
"""

messages = [(system_prompt, '')]

print("=============Welcome to InternLM chatbot, type 'exit' to exit.=============")

while True:
    input_text = input("\nUser  >>> ")
    input_text = input_text.replace(' ', '')
    if input_text == "exit":
        break

    length = 0
    for response, _ in model.stream_chat(tokenizer, input_text, messages):
        if response is not None:
            print(response[length:], flush=True, end="")
            length = len(response)

  • 1
  • 2
  • 3
  • 4
  • 5
  • 6
  • 7
  • 8
  • 9
  • 10
  • 11
  • 12
  • 13
  • 14
  • 15
  • 16
  • 17
  • 18
  • 19
  • 20
  • 21
  • 22
  • 23
  • 24
  • 25
  • 26
  • 27
  • 28
  • 29
  • 30
  • 31

输入命令,执行 Demo 程序:

conda activate demo
python /root/demo/cli_demo.py
  • 1
  • 2

等待模型加载完成,键入内容示例:

原本教程给出的提示词是:请创作一个 300 字的小故事
我稍微修改了一下提示词
请基于真实历史和事实,创作一个800字左右包含智慧,启迪人心的故事,并且最好能着重说明如何启发人们

在等待一段时间后,效果如下,涌现过头了,哈哈哈:

在这里插入图片描述


3 实战:部署实战营优秀作品 八戒-Chat-1.8B 模型

3.1 简单介绍 八戒-Chat-1.8BChat-嬛嬛-1.8BMini-Horo-巧耳(实战营优秀作品)

八戒-Chat-1.8BChat-嬛嬛-1.8BMini-Horo-巧耳 均是在第一期实战营中运用 InternLM2-Chat-1.8B 模型进行微调训练的优秀成果。其中,八戒-Chat-1.8B 是利用《西游记》剧本中所有关于猪八戒的台词和语句以及 LLM API 生成的相关数据结果,进行全量微调得到的猪八戒聊天模型。作为 Roleplay-with-XiYou 子项目之一,八戒-Chat-1.8B 能够以较低的训练成本达到不错的角色模仿能力,同时低部署条件能够为后续工作降低算力门槛。

在这里插入图片描述

当然,同学们也可以参考其他优秀的实战营项目,具体模型链接如下:

  • 八戒-Chat-1.8B:https://www.modelscope.cn/models/JimmyMa99/BaJie-Chat-mini/summary
  • Chat-嬛嬛-1.8B:https://openxlab.org.cn/models/detail/BYCJS/huanhuan-chat-internlm2-1_8b
  • Mini-Horo-巧耳:https://openxlab.org.cn/models/detail/SaaRaaS/Horowag_Mini

本文内容由网友自发贡献,转载请注明出处:【wpsshop博客】

推荐阅读
相关标签