Qwen2 是 Qwen 大语言模型的新系列
224 拉取 更新于 2 个月前
更新于 2 个月前
2 个月前
8fdaa78a53fe · 4.9GB
说明文件
Qwen2-7B-Instruct
介绍
Qwen2 是 Qwen 大语言模型的新系列。对于 Qwen2,我们发布了从 0.5 亿到 720 亿参数的一系列基础语言模型和指令调优语言模型,包括混合专家模型。这个存储库包含指令调优的 7 亿 Qwen2 模型。
与最先进的开源语言模型相比,包括先前发布的 Qwen1.5,Qwen2 在大多数开源模型中表现突出,并在一系列针对语言理解、语言生成、多语言能力、编程、数学、推理等基准的私有模型中显示出竞争力。
Qwen2-7B-Instruct 支持的最大上下文字符长度为 131,072 个令牌,能够处理大量输入。有关如何部署 Qwen2 以处理长文本的详细说明,请参阅本节。
模型详情
Qwen2是一种语言模型系列,包括不同模型尺度的解码器语言模型。对于每个大小,我们都会发布基础语言模型和对齐的聊天模型。它基于Transformer架构,使用SwiGLU激活、注意力QKV偏置、分组查询注意力等。此外,我们还有一种改进的标记化器,适用于多种自然语言和代码。
训练细节
我们使用大量数据预训练了模型,并使用监督微调和直接偏好优化进行了后训练。
要求
Qwen2的代码已集成在最新的Hugging face transformers中,我们建议您安装transformers>=4.37.0
,否则您可能会遇到以下错误
KeyError: 'qwen2'
快速入门
以下代码片段展示了如何加载标记化器和模型,以及如何生成内容,使用了apply_chat_template
。
from transformers import AutoModelForCausalLM, AutoTokenizer
device = "cuda" # the device to load the model onto
model = AutoModelForCausalLM.from_pretrained(
"Qwen/Qwen2-7B-Instruct",
torch_dtype="auto",
device_map="auto"
)
tokenizer = AutoTokenizer.from_pretrained("Qwen/Qwen2-7B-Instruct")
prompt = "Give me a short introduction to large language model."
messages = [
{"role": "system", "content": "You are a helpful assistant."},
{"role": "user", "content": prompt}
]
text = tokenizer.apply_chat_template(
messages,
tokenize=False,
add_generation_prompt=True
)
model_inputs = tokenizer([text], return_tensors="pt").to(device)
generated_ids = model.generate(
model_inputs.input_ids,
max_new_tokens=512
)
generated_ids = [
output_ids[len(input_ids):] for input_ids, output_ids in zip(model_inputs.input_ids, generated_ids)
]
response = tokenizer.batch_decode(generated_ids, skip_special_tokens=True)[0]
处理长文本
为了处理超过32,768个令牌的大量输入,我们利用了YARN技术,这是一种增强模型长度外推的技术,确保在处理长文本时性能最优。
对于部署,我们推荐使用vLLM。您可以通过以下步骤启用长上下文功能
- 安装vLLM:您可以通过运行以下命令来安装vLLM。
pip install "vllm>=0.4.3"
或者您也可以从源代码安装vLLM。
配置模型设置:下载模型权重后,通过包括以下片段来修改
config.json
文件{ "architectures": [ "Qwen2ForCausalLM" ], // ... "vocab_size": 152064, // adding the following snippets "rope_scaling": { "factor": 4.0, "original_max_position_embeddings": 32768, "type": "yarn" } }
此片段启用YARN来支持更长的上下文。
模型部署:使用vLLM来部署您的模型。例如,您可以通过以下命令设置类似openAI的服务器
python -m vllm.entrypoints.openai.api_server --served-model-name Qwen2-7B-Instruct --model path/to/weights
然后您可以通过以下方式访问Chat API
curl https://127.0.0.1:8000/v1/chat/completions \ -H "Content-Type: application/json" \ -d '{ "model": "Qwen2-7B-Instruct", "messages": [ {"role": "system", "content": "You are a helpful assistant."}, {"role": "user", "content": "Your Long Input Here."} ] }'
有关vLLM的进一步使用说明,请参阅我们的Github。
注意:目前,vLLM仅支持静态YARN,这意味着刻度因子不受输入长度的限制,可能会影响短文本的性能。我们建议仅在需要处理长上下文时添加rope_scaling
配置。
评估
我们简要比较了Qwen2-7B-Instruct与相似规模的指令调优LLM,包括Qwen1.5-7B-Chat。结果如下所示
数据集 | Llama-3-8B-Instruct | Yi-1.5-9B-Chat | GLM-4-9B-Chat | Qwen1.5-7B-Chat | Qwen2-7B-Instruct |
---|---|---|---|---|---|
英语 | |||||
MMLU | 68.4 | 69.5 | 72.4 | 59.5 | 70.5 |
MMLU-Pro | 41.0 | - | - | 29.1 | 44.1 |
GPQA | 34.2 | - | - | 27.8 | 25.3 |
TheroemQA | 23.0 | - | - | 14.1 | 25.3 |
MT-Bench | 8.05 | 8.20 | 8.35 | 7.60 | 8.41 |
编码 | |||||
Humaneval | 62.2 | 66.5 | 71.8 | 46.3 | 79.9 |
MBPP | 67.9 | - | - | 48.9 | 67.2 |
MultiPL-E | 48.5 | - | - | 27.2 | 59.1 |
Evalplus | 60.9 | - | - | 44.8 | 70.3 |
LiveCodeBench | 17.3 | - | - | 6.0 | 26.6 |
数学 | |||||
GSM8K | 79.6 | 84.8 | 79.6 | 60.3 | 82.3 |
MATH | 30.0 | 47.7 | 50.6 | 23.2 | 49.6 |
中文 | |||||
C-Eval | 45.9 | - | 75.6 | 67.3 | 77.2 |
AlignBench | 6.20 | 6.90 | 7.01 | 6.20 | 7.21 |
引用
如果您觉得我们的工作有所帮助,请随意引用我们。
@article{qwen2,
title={Qwen2 Technical Report},
year={2024}
}