Transformers 文档

AWQ

Hugging Face's logo
加入 Hugging Face 社区

并获得增强文档体验

开始使用

AWQ

使用此 notebook 尝试 AWQ 量化!

激活感知权重量化 (AWQ) 不会量化模型中的所有权重,而是保留一小部分对 LLM 性能至关重要的权重。这显著减少了量化损失,因此您可以使用 4 位精度运行模型,而不会出现任何性能下降。

有多个库可以使用 AWQ 算法量化模型,例如 llm-awqautoawqoptimum-intel。Transformers 支持加载使用 llm-awq 和 autoawq 库量化的模型。本指南将向您展示如何加载使用 autoawq 量化的模型,但 llm-awq 量化模型的过程类似。

确保已安装 autoawq

pip install autoawq

可以通过检查模型的 config.json 文件中的 quantization_config 属性来识别 AWQ 量化模型。

{
  "_name_or_path": "/workspace/process/huggingfaceh4_zephyr-7b-alpha/source",
  "architectures": [
    "MistralForCausalLM"
  ],
  ...
  ...
  ...
  "quantization_config": {
    "quant_method": "awq",
    "zero_point": true,
    "group_size": 128,
    "bits": 4,
    "version": "gemm"
  }
}

使用 from_pretrained() 方法加载量化模型。如果您在 CPU 上加载了模型,请确保首先将其移动到 GPU 设备上。使用 device_map 参数指定模型放置位置。

from transformers import AutoModelForCausalLM, AutoTokenizer

model_id = "TheBloke/zephyr-7B-alpha-AWQ"
model = AutoModelForCausalLM.from_pretrained(model_id, device_map="cuda:0")

出于性能原因,加载 AWQ 量化模型会默认将其他权重设置为 fp16。如果您想以其他格式加载这些其他权重,请使用 torch_dtype 参数。

from transformers import AutoModelForCausalLM, AutoTokenizer

model_id = "TheBloke/zephyr-7B-alpha-AWQ"
model = AutoModelForCausalLM.from_pretrained(model_id, torch_dtype=torch.float32)

AWQ 量化还可以与 FlashAttention-2 结合使用,以进一步加速推理。

from transformers import AutoModelForCausalLM, AutoTokenizer

model = AutoModelForCausalLM.from_pretrained("TheBloke/zephyr-7B-alpha-AWQ", attn_implementation="flash_attention_2", device_map="cuda:0")

融合模块

融合模块提供了改进的准确性和性能,并且对于 LlamaMistral 架构的 AWQ 模块,它是开箱即用的,但您也可以为不受支持的架构融合 AWQ 模块。

融合模块不能与其他优化技术(例如 FlashAttention-2)结合使用。

支持的架构
不支持的架构

要为支持的架构启用融合模块,请创建一个 AwqConfig 并设置参数 fuse_max_seq_lendo_fuse=Truefuse_max_seq_len 参数是总序列长度,它应包括上下文长度和预期的生成长度。您可以将其设置为更大的值以确保安全。

例如,要融合 TheBloke/Mistral-7B-OpenOrca-AWQ 模型的 AWQ 模块。

import torch
from transformers import AwqConfig, AutoModelForCausalLM

model_id = "TheBloke/Mistral-7B-OpenOrca-AWQ"

quantization_config = AwqConfig(
    bits=4,
    fuse_max_seq_len=512,
    do_fuse=True,
)

model = AutoModelForCausalLM.from_pretrained(model_id, quantization_config=quantization_config).to(0)

TheBloke/Mistral-7B-OpenOrca-AWQ 模型使用 batch_size=1 以及融合和未融合模块进行了基准测试。

未融合模块
批次大小 预填充长度 解码长度 预填充令牌/秒 解码令牌/秒 内存 (VRAM)
1 32 32 60.0984 38.4537 4.50 GB (5.68%)
1 64 64 1333.67 31.6604 4.50 GB (5.68%)
1 128 128 2434.06 31.6272 4.50 GB (5.68%)
1 256 256 3072.26 38.1731 4.50 GB (5.68%)
1 512 512 3184.74 31.6819 4.59 GB (5.80%)
1 1024 1024 3148.18 36.8031 4.81 GB (6.07%)
1 2048 2048 2927.33 35.2676 5.73 GB (7.23%)
融合模块
批次大小 预填充长度 解码长度 预填充令牌/秒 解码令牌/秒 内存 (VRAM)
1 32 32 81.4899 80.2569 4.00 GB (5.05%)
1 64 64 1756.1 106.26 4.00 GB (5.05%)
1 128 128 2479.32 105.631 4.00 GB (5.06%)
1 256 256 1813.6 85.7485 4.01 GB (5.06%)
1 512 512 2848.9 97.701 4.11 GB (5.19%)
1 1024 1024 3044.35 87.7323 4.41 GB (5.57%)
1 2048 2048 2715.11 89.4709 5.57 GB (7.04%)

还使用 optimum-benchmark 库测试了融合和未融合模块的速度和吞吐量。

generate throughput per batch size
前向峰值内存/批次大小
forward latency per batch size
生成吞吐量/批次大小

ExLlama-v2 支持

最新版本的 autoawq 支持 ExLlama-v2 内核以实现更快的预填充和解码。要开始使用,首先通过运行以下命令安装最新版本的 autoawq

pip install git+https://github.com/casper-hansen/AutoAWQ.git

通过传递带有 version="exllama"AwqConfig() 开始。

import torch
from transformers import AutoModelForCausalLM, AutoTokenizer, AwqConfig

quantization_config = AwqConfig(version="exllama")

model = AutoModelForCausalLM.from_pretrained(
    "TheBloke/Mistral-7B-Instruct-v0.1-AWQ",
    quantization_config=quantization_config,
    device_map="auto",
)

input_ids = torch.randint(0, 100, (1, 128), dtype=torch.long, device="cuda")
output = model(input_ids)
print(output.logits)

tokenizer = AutoTokenizer.from_pretrained("TheBloke/Mistral-7B-Instruct-v0.1-AWQ")
input_ids = tokenizer.encode("How to make a cake", return_tensors="pt").to(model.device)
output = model.generate(input_ids, do_sample=True, max_length=50, pad_token_id=50256)
print(tokenizer.decode(output[0], skip_special_tokens=True))

请注意,此功能在 AMD GPU 上受支持。

< > GitHub 更新