jubgjf commited on
Commit
1acf8fb
1 Parent(s): b4e3a23

Upload README.md with huggingface_hub

Browse files
Files changed (1) hide show
  1. README.md +507 -3
README.md CHANGED
@@ -1,3 +1,507 @@
1
- ---
2
- license: apache-2.0
3
- ---
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ <!-- markdownlint-disable first-line-h1 -->
2
+ <!-- markdownlint-disable html -->
3
+
4
+ <div align="center">
5
+ <h1>
6
+ <img src="image/huozi-logo.jpg" width="30" /> 活字通用大模型
7
+ </h1>
8
+ </div>
9
+ </p>
10
+
11
+ <div align="center">
12
+ <a href="https://github.com/HIT-SCIR/huozi/pulls">
13
+ <image src="https://img.shields.io/badge/PRs-welcome-brightgreen">
14
+ </a>
15
+ <a href="https://github.com/HIT-SCIR/huozi/pulls">
16
+ <image src="https://img.shields.io/badge/License-Apache_2.0-green.svg">
17
+ </a>
18
+ <!-- <h4 align="center">
19
+ <p>
20
+ <b>中文</b> |
21
+ <a href="https://github.com/HIT-SCIR/huozi/blob/main/README_EN.md">English</a>
22
+ <p>
23
+ </h4> -->
24
+ </div>
25
+
26
+ ## 🎉 更新
27
+
28
+ - [2024-09-12] 发布活字3.5版本
29
+ - [2024-02-09] 发布活字3.5版本和中文MT-Bench数据集
30
+ - [2023-08-06] 发布活字1.0和活字2.0版本
31
+ - [2023-05-04] 发布《ChatGPT调研报告》;内测活字大模型
32
+
33
+ ## 🔖 目录
34
+
35
+ |章节|说明|
36
+ |---|---|
37
+ |[💁🏻‍♂ 开源清单](#-开源清单)|本仓库开源项目清单|
38
+ |[💡 模型介绍](#-模型介绍)|简要介绍活字模型结构和训练过程|
39
+ |[📥 模型下载](#-模型下载)|活字模型下载链接|
40
+ |[💻 模型推理](#-模型推理)|活字模型推理样例,包括vLLM、llama.cpp、Ollama等推理框架的使用流程|
41
+ |[📈 模型性能](#-模型性能)|活字模型在主流评测任务上的性能|
42
+ |[🗂 生成样例](#-生成样例)|活字模型实际生成效果样例|
43
+
44
+ ## 💁🏻‍♂ 开源清单
45
+ ![](image/models-v3.5.png)
46
+ <!-- - **活字 3.5**: [[模型权重](#-模型下载)] [[在线Demo](https://huozi.8wss.com)] -->
47
+ - **活字 3.5**: [[模型权重](#-模型下载)]
48
+ - 活字3.5为基于活字3.0和Chinese-Mixtral-8x7B进行进一步性能优化的新模型。
49
+ - **活字 3.0**: [[模型权重](#-模型下载)] [[在线Demo](https://huozi.8wss.com)]
50
+ - 活字3.0为一个稀疏混合专家模型,支持32K上下文,具有丰富的中、英文知识和强大的数学推理、代码生成能力。活字3.0较旧版活字具有更强的指令遵循能力和安全性。
51
+ - **中文MT-Bench**: [[数据集](data/mt-bench-zh/)]
52
+ - 本数据集是英文MT-Bench对话能力评测数据集的中文版。它包含了一系列多轮对话问题,每一组问题都经过了精心的人工校对,并为适应中文语境进行了必要的调整。
53
+ - **《ChatGPT 调研报告》**: [[PDF](https://github.com/HIT-SCIR/huozi/blob/main/pdf/chatgpt_book.pdf)]
54
+ - 哈工大自然语言处理研究所组织多位老师和同学撰写了本调研报告,从技术原理、应用场景、未来发展等方面对ChatGPT进行了尽量详尽的介绍及总结。
55
+ - **活字 2.0**: [[模型权重](https://huggingface.co/HIT-SCIR/huozi-7b-rlhf)] [[RLHF数据](data/huozi-rlhf/huozi_rlhf_data.csv)]
56
+ - 在活字1.0基础上,通过人类反馈的强化学习(RLHF)进一步优化了模型回复质量,使其更加符合人类偏好。相较于上一个版本平均长度明显提高,遵从指令的能力更强,逻辑更加清晰。
57
+ - 16.9k 人工标注的偏好数据,回复来自活字模型,可以用于训练奖励模型。
58
+ - **活字 1.0**: [[模型权重](https://huggingface.co/HIT-SCIR/huozi-7b-sft)]
59
+ - 在Bloom模型的基础上,在大约 150 亿 tokens 上进行指令微调训练得到的模型,具有更强的指令遵循能力、更好的安全性。
60
+
61
+ ## 💡 模型介绍
62
+
63
+ 大规模语言模型(LLM)在自然语言处理领域取得了显著的进展,并在广泛的应用场景中展现了其强大的潜力。这一技术不仅吸引了学术界的广泛关注,也成为了工业界的热点。在此背景下,哈尔滨工业大学社会计算与信息检索研究中心(HIT-SCIR)近期推出了最新成果——**活字3.5**,致力于为自然语言处理的研究和实际应用提供更多可能性和选择。
64
+
65
+ 活字3.5是在[活字3.0](https://github.com/HIT-SCIR/huozi/README-v3.md)和[Chinese-Mixtral-8x7B](https://github.com/HIT-SCIR/Chinese-Mixtral-8x7B)基础上,进行进一步性能增强得到的模型。活字3.5支持**32K长上下文**,继承了活字3.0强大的综合能力,并在**中英文知识**、**数学推理**、**代码生成**、**指令遵循能力**、**内容安全性**等诸多方面实现了性能提升。
66
+
67
+ > [!IMPORTANT]
68
+ > 活字系列模型仍然可能生成包含事实性错误的误导性回复或包含偏见/歧视的有害内容,请谨慎鉴别和使用生成的内容,请勿将生成的有害内容传播至互联网。
69
+
70
+ > 活字1.0和活字2.0的文档请见[此处](README-v1v2.md)。
71
+ > 活字3.0和中文MT-Bench的文档请见[此处](README-v3.md)。
72
+
73
+ ### 模型结构
74
+
75
+ 活字3.5是一个稀疏混合专家模型(SMoE),每个专家层包含8个FFN,每次前向计算采用top-2稀疏激活。活字3.5共拥有46.7B参数,得益于其稀疏激活的特性,实际推理时仅需激活13B参数,有效提升了计算效率和处理速度。
76
+
77
+ <!-- ![](image/smoe-v3.5.png) -->
78
+ <p align = "center">
79
+ <img src="image/smoe-v3.5.png" width="300" />
80
+ </p>
81
+
82
+ ### 训练过程
83
+
84
+ 活字3.5经过了多步训练,如下图所示:
85
+
86
+ ![](image/train-process-v3.5.png)
87
+
88
+ 其训练过程为:
89
+ 1. 【中文扩词表增量预训练】: 由于Mixtral-8x7B词表不支持中文,因此对中文的编解码效率较低,限制了中文场景下的实用性。我们首先基于Mixtral-8x7B进行了中文扩词表增量预训练,显著提高了模型对中文的编解码效率,并使模型具备了强大的中文生成和理解能力。我们已于[Chinese-Mixtral-8x7B代码仓库](https://github.com/HIT-SCIR/Chinese-Mixtral-8x7B)开源了模型权重和训练代码。
90
+ 2. 【活字3.0训练】:我们基于Chinese-Mixtral-8x7B在大约30万行指令数据上进行微调,得到了活字3.0模型,使用的数据集见[此处说明](https://github.com/HIT-SCIR/huozi/issues/11#issuecomment-1973113428)。活字3.0继承了基座模型丰富的中英文知识,并在数学推理、代码生成等任务上具有强大性能。经过指令微调,活字3.0还在指令遵循能力和安全性方面实现了显著提升。
91
+ 3. 【活字1.0数据集微调】:我们尝试使用活字1.0数据集对Chinese-Mixtral-8x7B进行指令微调,得到的*中间检查点 1*在中英文知识(如 C-Eval、CMMLU、MMLU 等任务)方面表现优异,甚至超过了活字3.0。然而,该模型在指令遵循能力和安全性上落后活字3.0较多。
92
+ 4. 【指令遵循能力强化】:针对*中间检查点 1*在指令遵循能力上的不足,我们引入了额外的数据集进行强化。此外,根据[Longxu Dou等人的经验](https://arxiv.org/pdf/2404.03608),我们在训练过程中使用了[BPE Dropout](https://aclanthology.org/2020.acl-main.170/)技术,以进一步增加模型对指令的鲁棒性。该过程训练得到了*中间检查点 2*。
93
+ 5. 【模型融合】:我们参考[Yiming Cui等人的方法](https://github.com/ymcui/Chinese-LLaMA-Alpaca-3),对*中间检查点 1*、*中间检查点 2*以及活字3.0模型进行融合,生成了*中间检查点 3*。
94
+ 6. 【模型融合后训练】:在融合后的模型基础上,我们进一步进行了指令微调,最终推出了活字3.5。该版本在中英文知识、指令遵循能力和安全性回复等方面均有提升。
95
+
96
+ ## 📥 模型下载
97
+
98
+ |模型名称|文件大小|下载地址|备注|
99
+ |:---:|:---:|:---:|:---:|
100
+ |huozi3.5|88GB|[🤗HuggingFace](https://huggingface.co/HIT-SCIR/huozi3.5)<br>[ModelScope](https://modelscope.cn/models/HIT-SCIR/huozi3.5/summary)|活字3.5 完整模型|
101
+ |huozi3.5-ckpt-1|88GB|[🤗HuggingFace](https://huggingface.co/HIT-SCIR/huozi3.5-ckpt-1)<br>[ModelScope](https://modelscope.cn/models/HIT-SCIR/huozi3.5-ckpt-1/summary)|活字3.5 中间检查点 1|
102
+ |huozi3.5-ckpt-2|88GB|[🤗HuggingFace](https://huggingface.co/HIT-SCIR/huozi3.5-ckpt-2)<br>[ModelScope](https://modelscope.cn/models/HIT-SCIR/huozi3.5-ckpt-2/summary)|活字3.5 中间检查点 2|
103
+ |huozi3.5-ckpt-3|88GB|[🤗HuggingFace](https://huggingface.co/HIT-SCIR/huozi3.5-ckpt-3)<br>[ModelScope](https://modelscope.cn/models/HIT-SCIR/huozi3.5-ckpt-3/summary)|活字3.5 中间检查点 3|
104
+
105
+ 如果您希望微调活字3.5或Chinese-Mixtral-8x7B,请参考[此处训练代码](https://github.com/HIT-SCIR/Chinese-Mixtral-8x7B?tab=readme-ov-file#%E5%BE%AE%E8%B0%83)。
106
+
107
+ ## 💻 模型推理
108
+
109
+ ### Quick Start
110
+
111
+ 活字3.5采用ChatML格式的prompt模板,格式为:
112
+ ```
113
+ <|beginofutterance|>系统
114
+ {system prompt}<|endofutterance|>
115
+ <|beginofutterance|>用户
116
+ {input}<|endofutterance|>
117
+ <|beginofutterance|>助手
118
+ {output}<|endofutterance|>
119
+ ```
120
+
121
+ 使用活字3.5进行推理的示例代码如下:
122
+ ```python
123
+ # quickstart.py
124
+
125
+ import torch
126
+ from transformers import AutoModelForCausalLM, AutoTokenizer
127
+
128
+ model_id = "HIT-SCIR/huozi3.5"
129
+
130
+ tokenizer = AutoTokenizer.from_pretrained(model_id)
131
+ model = AutoModelForCausalLM.from_pretrained(
132
+ model_id,
133
+ attn_implementation="flash_attention_2",
134
+ torch_dtype=torch.bfloat16,
135
+ device_map="auto",
136
+ )
137
+
138
+ text = """<|beginofutterance|>系统
139
+ 你是一个智能助手<|endofutterance|>
140
+ <|beginofutterance|>用户
141
+ 请你用python写一段快速排序的代码<|endofutterance|>
142
+ <|beginofutterance|>助手
143
+ """
144
+
145
+ inputs = tokenizer(text, return_tensors="pt").to(0)
146
+
147
+ outputs = model.generate(
148
+ **inputs,
149
+ eos_token_id=57001,
150
+ temperature=0.8,
151
+ top_p=0.9,
152
+ max_new_tokens=2048,
153
+ )
154
+ print(tokenizer.decode(outputs[0], skip_special_tokens=False))
155
+ ```
156
+
157
+ 活字3.5支持全部Mixtral模型生态,包括Transformers、vLLM、llama.cpp、Ollama、Text generation web UI等框架。
158
+
159
+ 如果您在下载模型时遇到网络问题,可以使用我们在[ModelScope](#modelscope-模型推理)上提供的检查点。
160
+
161
+ <details>
162
+ <summary>
163
+
164
+ #### Transformers 模型推理 + 流式生成
165
+
166
+ </summary>
167
+
168
+ transformers支持为tokenizer添加聊天模板,并支持流式生成。示例代码如下:
169
+ ```python
170
+ # example/transformers-stream/stream.py
171
+
172
+ import torch
173
+ from transformers import AutoModelForCausalLM, AutoTokenizer, TextStreamer
174
+
175
+ model_id = "HIT-SCIR/huozi3.5"
176
+
177
+ model = AutoModelForCausalLM.from_pretrained(
178
+ model_id,
179
+ attn_implementation="flash_attention_2",
180
+ torch_dtype=torch.bfloat16,
181
+ device_map="auto",
182
+ )
183
+
184
+ tokenizer = AutoTokenizer.from_pretrained(model_id)
185
+ tokenizer.chat_template = """{% for message in messages %}{{'<|beginofutterance|>' + message['role'] + '\n' + message['content']}}{% if (loop.last and add_generation_prompt) or not loop.last %}{{ '<|endofutterance|>' + '\n'}}{% endif %}{% endfor %}
186
+ {% if add_generation_prompt and messages[-1]['role'] != '助手' %}{{ '<|beginofutterance|>助手\n' }}{% endif %}"""
187
+
188
+ chat = [
189
+ {"role": "系统", "content": "你是一个智能助手"},
190
+ {"role": "用户", "content": "请你用python写一段快速排序的代码"},
191
+ ]
192
+
193
+ inputs = tokenizer.apply_chat_template(
194
+ chat,
195
+ tokenize=True,
196
+ add_generation_prompt=True,
197
+ return_tensors="pt",
198
+ ).to(0)
199
+
200
+ stream_output = model.generate(
201
+ inputs,
202
+ streamer=TextStreamer(tokenizer, skip_prompt=True, skip_special_tokens=True),
203
+ eos_token_id=57001,
204
+ temperature=0.8,
205
+ top_p=0.9,
206
+ max_new_tokens=2048,
207
+ )
208
+ ```
209
+
210
+ </details>
211
+
212
+ <details>
213
+ <summary>
214
+
215
+ #### ModelScope 模型推理
216
+
217
+ </summary>
218
+
219
+ ModelScope的接口与Transformers非常相似,只需将transformers替换为modelscope即可:
220
+ ```diff
221
+ # example/modelscope-generate/generate.py
222
+
223
+ import torch
224
+ - from transformers import AutoModelForCausalLM, AutoTokenizer
225
+ + from modelscope import AutoTokenizer, AutoModelForCausalLM
226
+
227
+ model_id = "HIT-SCIR/huozi3.5"
228
+
229
+ tokenizer = AutoTokenizer.from_pretrained(model_id)
230
+ model = AutoModelForCausalLM.from_pretrained(
231
+ model_id,
232
+ attn_implementation="flash_attention_2",
233
+ torch_dtype=torch.bfloat16,
234
+ device_map="auto",
235
+ )
236
+
237
+ text = """<|beginofutterance|>系统
238
+ 你是一个智能助手<|endofutterance|>
239
+ <|beginofutterance|>用户
240
+ 请你用python写一段快速排序的代码<|endofutterance|>
241
+ <|beginofutterance|>助手
242
+ """
243
+
244
+ inputs = tokenizer(text, return_tensors="pt").to(0)
245
+
246
+ outputs = model.generate(
247
+ **inputs,
248
+ eos_token_id=57001,
249
+ temperature=0.8,
250
+ top_p=0.9,
251
+ max_new_tokens=2048,
252
+ )
253
+ print(tokenizer.decode(outputs[0], skip_special_tokens=False))
254
+ ```
255
+
256
+ </details>
257
+
258
+ <details>
259
+ <summary>
260
+
261
+ #### vLLM 推理加速
262
+
263
+ </summary>
264
+
265
+ 活字3.5支持通过vLLM实现推理加速,示例代码如下:
266
+ ```python
267
+ # example/vllm-generate/generate.py
268
+
269
+ from vllm import LLM, SamplingParams
270
+
271
+ prompts = [
272
+ """<|beginofutterance|>系统
273
+ 你是一个智能助手<|endofutterance|>
274
+ <|beginofutterance|>用户
275
+ 请你用python写一段快速排序的代码<|endofutterance|>
276
+ <|beginofutterance|>助手
277
+ """,
278
+ ]
279
+
280
+ sampling_params = SamplingParams(
281
+ temperature=0.8, top_p=0.95, stop_token_ids=[57001], max_tokens=2048
282
+ )
283
+ llm = LLM(
284
+ model="HIT-SCIR/huozi3.5",
285
+ tensor_parallel_size=4,
286
+ )
287
+ outputs = llm.generate(prompts, sampling_params)
288
+
289
+ for output in outputs:
290
+ prompt = output.prompt
291
+ generated_text = output.outputs[0].text
292
+ print(generated_text)
293
+ ```
294
+
295
+ </details>
296
+
297
+ <details>
298
+ <summary>
299
+
300
+ #### 部署 OpenAI API Server
301
+
302
+ </summary>
303
+
304
+ 活字3.5可以部署为支持OpenAI API协议的服务,这使得活字3.5可以直接通过OpenAI API进行调用。
305
+
306
+ 环境准备:
307
+ ```shell
308
+ $ pip install vllm openai
309
+ ```
310
+
311
+ 启动服务:
312
+ ```shell
313
+ $ python -m vllm.entrypoints.openai.api_server --model /path/to/huozi3.5/checkpoint --served-model-name huozi --chat-template template.jinja --tensor-parallel-size 8 --response-role 助手 --max-model-len 2048
314
+ ```
315
+
316
+ 使用OpenAI API发送请求:
317
+ ```python
318
+ # example/openai-api/openai-client.py
319
+
320
+ from openai import OpenAI
321
+
322
+ openai_api_key = "EMPTY"
323
+ openai_api_base = "http://localhost:8000/v1"
324
+
325
+ client = OpenAI(
326
+ api_key=openai_api_key,
327
+ base_url=openai_api_base,
328
+ )
329
+
330
+ chat_response = client.chat.completions.create(
331
+ model="huozi",
332
+ messages=[
333
+ {"role": "系统", "content": "你是一个智能助手"},
334
+ {"role": "用户", "content": "请你用python写一段快速排序的代码"},
335
+ ],
336
+ extra_body={"stop_token_ids": [57001]},
337
+ )
338
+ print("Chat response:", chat_response.choices[0].message.content)
339
+ ```
340
+
341
+ 下面是一个使用OpenAI API + Gradio + 流式生成的示例代码:
342
+ ```python
343
+ # example/openai-api/openai-client-gradio.py
344
+
345
+ from openai import OpenAI
346
+ import gradio as gr
347
+
348
+ openai_api_key = "EMPTY"
349
+ openai_api_base = "http://localhost:8000/v1"
350
+
351
+ client = OpenAI(
352
+ api_key=openai_api_key,
353
+ base_url=openai_api_base,
354
+ )
355
+
356
+
357
+ def predict(message, history):
358
+ history_openai_format = [
359
+ {"role": "系统", "content": "你是一个智能助手"},
360
+ ]
361
+ for human, assistant in history:
362
+ history_openai_format.append({"role": "用户", "content": human})
363
+ history_openai_format.append({"role": "助手", "content": assistant})
364
+ history_openai_format.append({"role": "用户", "content": message})
365
+ models = client.models.list()
366
+
367
+ stream = client.chat.completions.create(
368
+ model=models.data[0].id,
369
+ messages=history_openai_format,
370
+ temperature=0.8,
371
+ stream=True,
372
+ extra_body={"repetition_penalty": 1, "stop_token_ids": [57001]},
373
+ )
374
+
375
+ partial_message = ""
376
+ for chunk in stream:
377
+ partial_message += chunk.choices[0].delta.content or ""
378
+ yield partial_message
379
+
380
+
381
+ gr.ChatInterface(predict).queue().launch()
382
+ ```
383
+
384
+ </details>
385
+
386
+ ### 量化推理
387
+
388
+ <details>
389
+ <summary>
390
+
391
+ #### GGUF 格式
392
+
393
+ </summary>
394
+
395
+ GGUF格式旨在快速加载和保存模型,由llama.cpp团队推出,适用于llama.cpp、Ollama等框架。您可以手动将HuggingFace格式的活字3.5转换到GGUF格式。
396
+
397
+ ##### Step 1 环境准备
398
+
399
+ 首先需要下载llama.cpp的源码。我们在仓库中提供了llama.cpp的submodule,这个版本的llama.cpp已经过测试,可以成功进行推理:
400
+ ```shell
401
+ $ git clone --recurse-submodules https://github.com/HIT-SCIR/huozi
402
+ $ cd examples/llama.cpp
403
+ ```
404
+
405
+ 您也可以下载最新版本的llama.cpp源码:
406
+ ```shell
407
+ $ git clone https://github.com/ggerganov/llama.cpp.git
408
+ $ cd llama.cpp
409
+ ```
410
+
411
+ 然后需要进行编译。根据您的硬件平台,编译命令有细微差异:
412
+ ```shell
413
+ $ make # 用于纯CPU推理
414
+ $ make LLAMA_CUBLAS=1 # 用于GPU推理
415
+ $ LLAMA_METAL=1 make # 用于Apple Silicon,暂未经过测试
416
+ ```
417
+
418
+ ##### Step 2 格式转换(可选)
419
+
420
+ 以下命令需要在`llama.cpp/`目录下:
421
+ ```shell
422
+ # 转换为GGUF格式
423
+ $ python convert.py --outfile /path/to/huozi-gguf/huozi3.5.gguf /path/to/huozi3.5
424
+ # 进行GGUF格式的q4_0量化
425
+ $ quantize /path/to/huozi-gguf/huozi3.5.gguf /path/to/huozi-gguf/huozi3.5-q4_0.gguf q4_0
426
+ ```
427
+
428
+ ##### Step 3 开始推理
429
+
430
+ 以下命令需要在`llama.cpp/`目录下:
431
+ ```shell
432
+ $ main -m /path/to/huozi-gguf/huozi3.5-q4_0.gguf --color --interactive-first -c 2048 -t 6 --temp 0.2 --repeat_penalty 1.1 -ngl 999 --in-prefix "<|beginofutterance|>用户\n" --in-suffix "<|endofutterance|>\n<|beginofutterance|>助手" -r "<|endofutterance|>"
433
+ ```
434
+
435
+ `-ngl`参数表示向GPU中offload的层数,降低这个值可以缓解GPU显存压力。经过我们的实际测试,q2_k量化的模型offload 16层,显存占用可降低至9.6GB,可在消费级GPU上运行模型:
436
+ ```shell
437
+ $ main -m /path/to/huozi-gguf/huozi3.5-q2_k.gguf --color --interactive-first -c 2048 -t 6 --temp 0.2 --repeat_penalty 1.1 -ngl 16 --in-prefix "<|beginofutterance|>用户\n" --in-suffix "<|endofutterance|>\n<|beginofutterance|>助手" -r "<|endofutterance|>"
438
+ ```
439
+
440
+ 关于`main`的更多参数,可以参考llama.cpp的[官方文档](https://github.com/ggerganov/llama.cpp/tree/master/examples/main)。
441
+
442
+ 使用Ollama框架进行推理,可以参考Ollama的[README说明](https://github.com/ollama/ollama#import-from-gguf)。
443
+
444
+ </details>
445
+
446
+ ## 📈 模型性能
447
+
448
+ ![](image/metric-v3.5-h.png)
449
+
450
+ 针对大模型综合能力评价,我们分别使用以下评测数据集对活字3.5进行评测:
451
+ - C-Eval:一个全面的中文基础模型评估套件。它包含了13948个多项选择题,涵盖了52个不同的学科和四个难度级别。
452
+ - CMMLU:一个综合性的中文评估基准,专门用于评估语言模型在中文语境下的知识和推理能力,涵盖了从基础学科到高级专业水平的67个主题。
453
+ - GAOKAO:一个以中国高考题目为数据集,旨在提供和人类对齐的,直观,高效地测评大模型语言理解能力、逻辑推理能力的测评框架。
454
+ - MMLU:一个包含57个多选任务的英文评测数据集,涵盖了初等数学、美国历史、计算机科学、法律等,难度覆盖高中水平到专家水平,是目前主流的LLM评测数据集之一。
455
+ - HellaSwag:一个极具挑战的英文NLI评测数据集,每一个问题都需要对上下文进行深入理解,而不能基于常识进行回答。
456
+ - GSM8K:一个高质量的小学数学应用题的数据集,这些问题需要 2 到 8 个步骤来解决,解决方案主要涉及使用基本算术运算,可用于评价多步数学推理能力。
457
+ - HumanEval:一个由 164 个原创编程问题组成的数据集,通过衡量从文档字符串生成程序的功能正确性,来够评估语言理解、算法和简单的数学能力。
458
+ - MT-Bench:一个开放的英文问题集,包括80个多轮对话任务,用于评估聊天机器人的多轮对话和指令遵循能力,并通过大模型裁判(GPT-4)对模型回答进行打分。
459
+ - MT-Bench-zh:我们根据MT-Bench翻译得来的中文问题集,每组问题均经过人工校对和中文语境下的适当调整。我们已在[此处](data/mt-bench-zh/)开源MT-Bench-zh数据集。
460
+ - MT-Bench-safety:我们手工构造的安全数据集,包括暴力、色情、敏感等风险内容。该数据集为封闭数据集。
461
+
462
+ 活字3.5在推理时仅激活13B参数。下表为活字3.5与其他13B规模的中文模型以及旧版活字在各个评测数据集上的结果:
463
+
464
+ ![](image/evaluation-v3.5.png)
465
+
466
+ > 我们在C-Eval、CMMLU、MMLU采��5-shot,GSM8K采用4-shot,HellaSwag、HumanEval采用0-shot,HumanEval采用pass@1指标。所有测试均采用greedy策略。
467
+ >
468
+ > 我们使用OpenCompass作为评测框架,commit hash为[4c87e77](https://github.com/open-compass/opencompass/tree/4c87e777d855636b9eda7ec87bcbbf12b62caed3)。评测代码位于[此处](./evaluate/)。
469
+ >
470
+ > 在活字3.0的性能评测中,我们在HumanEval错误使用了base模型的评测方法,正确的评测结果已在上表内更新。
471
+
472
+ 根据上表中的测试结果,活字3.5较活字3.0取得了较稳定的性能提升,活字3.5的**中英文知识**、**数学推理**、**代码生成**、**中文指令遵循能力**、**中文内容安全性**等多方面能力均得到了加强。
473
+
474
+ ## 🗂 生成样例
475
+
476
+ 下面是活字3.5在MT-Bench-zh评测集上的生成效果展示:
477
+
478
+ ![](image/examples/v3.5-case1.png)
479
+ ![](image/examples/v3.5-case2.png)
480
+ ![](image/examples/v3.5-case3.png)
481
+ ![](image/examples/v3.5-case4.png)
482
+ ![](image/examples/v3.5-case5.png)
483
+ ![](image/examples/v3.5-case6.png)
484
+
485
+ ## <img src="https://cdn.jsdelivr.net/gh/LightChen233/blog-img/folders.png" width="25" /> 开源协议
486
+ 对本仓库源码的使用遵循开源许可协议 [Apache 2.0](https://github.com/HIT-SCIR/huozi/blob/main/LICENSE)。
487
+
488
+ 活字支持商用。如果将活字模型或其衍生品用作商业用途,请您按照如下方式联系许可方,以进行登记并向许可方申请书面授权:联系邮箱:<[email protected]>。
489
+
490
+ ## <img src="https://cdn.jsdelivr.net/gh/LightChen233/blog-img/notes.png" width="25" /> Citation
491
+
492
+ ### 活字大模型
493
+
494
+ ```latex
495
+ @misc{huozi,
496
+ author = {Huozi-Team}.
497
+ title = {Huozi: Leveraging Large Language Models for Enhanced Open-Domain Chatting}
498
+ year = {2024},
499
+ publisher = {GitHub},
500
+ journal = {GitHub repository}
501
+ howpublished = {\url{https://github.com/HIT-SCIR/huozi}}
502
+ }
503
+ ```
504
+
505
+ ## <img src="https://cdn.jsdelivr.net/gh/LightChen233/blog-img/star.png" width="25" /> Star History
506
+
507
+ [![Star History Chart](https://api.star-history.com/svg?repos=HIT-SCIR/huozi&type=Date)](https://star-history.com/#HIT-SCIR/huozi&Date)