Dynamic Quantization PyTorch官方教程学习笔记

简介: 本文是PyTorch的教程Dynamic Quantization — PyTorch Tutorials 1.11.0+cu102 documentation的学习笔记。事实上由于我对该领域的不了解,本篇笔记基本上就是翻译+一点点我对其的理解。本文介绍如何用Dynamic Quantization加速一个LSTM1模型的推理过程。Dynamic Quantization减少了模型权重的尺寸,加速了模型处理过程。本文代码及全部输出已以jupyter notebook格式展示在GitHub上,可以直接下载运行:all-notes-in-one/dynamicquantization.ipyn

1. 介绍


设计模型时需要权衡一些特征,如调整模型层数、RNN参数量,在准确率和performance(如模型尺寸 和/或 model latency或throughput2)之间进行权衡。这样的改变可能会非常浪费时间和计算资源,因为你需要重复迭代训练过程以得到实验结果。Quantization可以让你一个训练好的模型上做推理任务时,在performance和模型准确率之间实现类似的权衡。

它可以使你的模型尺寸大幅下降,latency显著减少,但是模型准确率下降很少。


2. 什么是Dynamic Quantization?


Quantizing一个网络,是对网络本身进行转换,使其权重和/或激活函数使用更低精度的整数表示。这使model size减小,让CPU/GPU上可以用更高的throughput math operations(这句话我没看懂什么意思,总之应该是表示模型运行更快了)。

在从浮点数转换成整型时,你需要将浮点数乘以某一scale factor,将结果round到一个整数上。不同quantization方法的区别就在于选择scale factor的方法。

正如将在本文中描述的,dynamic quantization的核心思想,就是根据运行时观察到的数据范围来动态地(dynamically)决定激活函数的scale factor。这保证了scale factor是经过调整的,可以保留被观察到数据集尽可能多的信息。

模型参数在转换时已知,它们会被提前转换为INT8格式。

quantized model中的计算使用vectorized INT8 instructions执行。数据累积时一般使用INT16或INT32以防溢出。在下一层被量化、或为输出转化为FP32后,这个高精度值就会被scale回INT8。

Dynamic quantization调整参数的过程是相对自由的,这使它很适宜于被添加到production pipelines,作为部署LSTM模型的一个标准环节。

(注意:本文的介绍有所简化)


  1. 你需要一个小LSTM模型。
  2. 你用随机的hidden state初始化网络。
  3. 你在随机输入上测试网络。
  4. 你要在这个教程中训练网络。
  5. 你将会看到这个网络的quantized版本比我们一开始的floating point版本更小、运算更快。
  6. 你会看到这个网络的输出值几乎和FP32网络的输出值相当,但是我们并不保证在真实的训练好的模型上期望的accuracy loss。(我觉得这个应该是说本教程没有证明在真实网络上,准确率、损失函数这些量化评估指标在转变后依然可以保持原水平)

(对这一点的证明,教程中给出了另一个参考资料,我还没看,以后也准备写相应教程的笔记:(beta) Dynamic Quantization on an LSTM Word Language Model — PyTorch Tutorials 1.11.0+cu102 documentation)


3. 代码步骤


  1. Set Up:定义一个简单的LSTM,导入模块,创建一些随机输入张量。
  2. Do the Quantization:初始化一个浮点数的模型,并创建一个它的quantized版。
  3. Look at Model Size:在这一步可以看到模型尺寸有所变小。
  4. Look at Latency:在这一步运行2个模型,比较模型运行时间(latency)。
  5. Look at Accuracy:在这一步运行2个模型,比较模型输出。


3.1 Set Up

# import the modules used here in this recipe
import torch
import torch.quantization
import torch.nn as nn
import copy
import os
import time
# define a very, very simple LSTM for demonstration purposes
# in this case, we are wrapping nn.LSTM, one layer, no pre or post processing
# inspired by
# https://pytorch.org/tutorials/beginner/nlp/sequence_models_tutorial.html, by Robert Guthrie
# and https://pytorch.org/tutorials/advanced/dynamic_quantization_tutorial.html
class lstm_for_demonstration(nn.Module):
  """Elementary Long Short Term Memory style model which simply wraps nn.LSTM
     Not to be used for anything other than demonstration.
  """
  def __init__(self,in_dim,out_dim,depth):
     super(lstm_for_demonstration,self).__init__()
     self.lstm = nn.LSTM(in_dim,out_dim,depth)
  def forward(self,inputs,hidden):
     out,hidden = self.lstm(inputs,hidden)
     return out, hidden
torch.manual_seed(29592)  # set the seed for reproducibility
#shape parameters
model_dimension=8
sequence_length=20
batch_size=1
lstm_depth=1
# random data for input
inputs = torch.randn(sequence_length,batch_size,model_dimension)
# hidden is actually is a tuple of the initial hidden state and the initial cell state
hidden = (torch.randn(lstm_depth,batch_size,model_dimension), torch.randn(lstm_depth,batch_size,model_dimension))


3.2 Do the Quantization

在这一部分,我们将运用torch.quantization.quantize_dynamic()函数。

其入参为模型,想要quantize的submodules(如果出现的话),目标datatype,返回一个原模型的quantized版本(nn.Module类)。


# here is our floating point instance
float_lstm = lstm_for_demonstration(model_dimension, model_dimension,lstm_depth)
# this is the call that does the work
quantized_lstm = torch.quantization.quantize_dynamic(
    float_lstm, {nn.LSTM, nn.Linear}, dtype=torch.qint8
)
# show the changes that were made
print('Here is the floating point version of this module:')
print(float_lstm)
print('')
print('and now the quantized version:')
print(quantized_lstm)


输出:


Here is the floating point version of this module:
lstm_for_demonstration(
  (lstm): LSTM(8, 8)
)
and now the quantized version:
lstm_for_demonstration(
  (lstm): DynamicQuantizedLSTM(8, 8)
)


3.3 Look at Model Size

现在我们已经quantize了模型,将FP32的模型参数替换为INT8(和一些被记录的scale factors),这意味着我们减少了75%左右的模型储存空间。在本文所使用的默认值上的减少会小于75%,但如果你增加模型尺寸(如设置model dimension到80),这个压缩程度就会趋近于25%,因为此时模型尺寸受参数值的影响更大。


#临时储存模型,计算储存空间,然后删除
def print_size_of_model(model, label=""):
    torch.save(model.state_dict(), "temp.p")
    size=os.path.getsize("temp.p")
    print("model: ",label,' \t','Size (KB):', size/1e3)
    os.remove('temp.p')
    return size
# compare the sizes
f=print_size_of_model(float_lstm,"fp32")
q=print_size_of_model(quantized_lstm,"int8")
print("{0:.2f} times smaller".format(f/q))


输出:


model:  fp32    Size (KB): 4.051
model:  int8    Size (KB): 2.963
1.37 times smaller


可以看到正如本节前文所说,这个压缩程度是大于25%的。


3.4 Look at Latency

quantized模型也会运行更快。这是因为:


  1. 转移参数花费的时间更少。
  2. INT8的运算操作更快。

在这个简易版模型上你就能看到速度的提升(这是文档原话,但其实实验结果是原模型运行更快……),在复杂模型上一般会提升更多。但影响latency的原因很多。


原模型:


print("Floating point FP32")
%timeit float_lstm.forward(inputs, hidden)


输出:


Floating point FP32
830 µs ± 9.39 µs per loop (mean ± std. dev. of 7 runs, 1000 loops each)


quantized模型:


print("Quantized INT8")
%timeit quantized_lstm.forward(inputs,hidden)


输出:


Quantized INT8
913 µs ± 13.2 µs per loop (mean ± std. dev. of 7 runs, 1000 loops each)


3.5 Look at Accuracy

因为模型是随机初始化而非经过训练的,所以我们就不严格计算准确率的改变程度了(因为没有意义)。但是我们可以迅速、简单看一下quantized网络可以输出跟原网络差不多的结果。

更多分析请参考本文末提到的进阶教程。


计算输出的平均值,经比较后发现差异很小:


# run the float model
out1, hidden1 = float_lstm(inputs, hidden)
mag1 = torch.mean(abs(out1)).item()
print('mean absolute value of output tensor values in the FP32 model is {0:.5f} '.format(mag1))
# run the quantized model
out2, hidden2 = quantized_lstm(inputs, hidden)
mag2 = torch.mean(abs(out2)).item()
print('mean absolute value of output tensor values in the INT8 model is {0:.5f}'.format(mag2))
# compare them
mag3 = torch.mean(abs(out1-out2)).item()
print('mean absolute value of the difference between the output tensors is {0:.5f} or {1:.2f} percent'.format(mag3,mag3/mag1*100))


输出:


mean absolute value of output tensor values in the FP32 model is 0.12887 
mean absolute value of output tensor values in the INT8 model is 0.12912
mean absolute value of the difference between the output tensors is 0.00156 or 1.21 percent


6. 教程中提供的其他参考资料


  1. (beta) Dynamic Quantization on an LSTM Word Language Model Tutorial:这一篇我已经计划要撰写学习笔记博文
  2. Quantization API Documentaion
  3. (beta) Dynamic Quantization on BERT:这一篇我已经计划要撰写学习笔记博文
  4. Introduction to Quantization on PyTorch | PyTorch


相关文章
|
26天前
|
存储 物联网 PyTorch
基于PyTorch的大语言模型微调指南:Torchtune完整教程与代码示例
**Torchtune**是由PyTorch团队开发的一个专门用于LLM微调的库。它旨在简化LLM的微调流程,提供了一系列高级API和预置的最佳实践
136 59
基于PyTorch的大语言模型微调指南:Torchtune完整教程与代码示例
|
1月前
|
PyTorch 算法框架/工具
Pytorch学习笔记(五):nn.AdaptiveAvgPool2d()函数详解
PyTorch中的`nn.AdaptiveAvgPool2d()`函数用于实现自适应平均池化,能够将输入特征图调整到指定的输出尺寸,而不需要手动计算池化核大小和步长。
119 1
Pytorch学习笔记(五):nn.AdaptiveAvgPool2d()函数详解
|
1月前
|
算法 PyTorch 算法框架/工具
Pytorch学习笔记(九):Pytorch模型的FLOPs、模型参数量等信息输出(torchstat、thop、ptflops、torchsummary)
本文介绍了如何使用torchstat、thop、ptflops和torchsummary等工具来计算Pytorch模型的FLOPs、模型参数量等信息。
223 2
|
1月前
|
PyTorch 算法框架/工具
Pytorch学习笔记(六):view()和nn.Linear()函数详解
这篇博客文章详细介绍了PyTorch中的`view()`和`nn.Linear()`函数,包括它们的语法格式、参数解释和具体代码示例。`view()`函数用于调整张量的形状,而`nn.Linear()`则作为全连接层,用于固定输出通道数。
90 0
Pytorch学习笔记(六):view()和nn.Linear()函数详解
|
1月前
|
PyTorch 算法框架/工具
Pytorch学习笔记(四):nn.MaxPool2d()函数详解
这篇博客文章详细介绍了PyTorch中的nn.MaxPool2d()函数,包括其语法格式、参数解释和具体代码示例,旨在指导读者理解和使用这个二维最大池化函数。
127 0
Pytorch学习笔记(四):nn.MaxPool2d()函数详解
|
1月前
|
PyTorch 算法框架/工具
Pytorch学习笔记(三):nn.BatchNorm2d()函数详解
本文介绍了PyTorch中的BatchNorm2d模块,它用于卷积层后的数据归一化处理,以稳定网络性能,并讨论了其参数如num_features、eps和momentum,以及affine参数对权重和偏置的影响。
163 0
Pytorch学习笔记(三):nn.BatchNorm2d()函数详解
|
1月前
|
机器学习/深度学习 PyTorch TensorFlow
Pytorch学习笔记(二):nn.Conv2d()函数详解
这篇文章是关于PyTorch中nn.Conv2d函数的详解,包括其函数语法、参数解释、具体代码示例以及与其他维度卷积函数的区别。
157 0
Pytorch学习笔记(二):nn.Conv2d()函数详解
|
11天前
|
并行计算 监控 搜索推荐
使用 PyTorch-BigGraph 构建和部署大规模图嵌入的完整教程
当处理大规模图数据时,复杂性难以避免。PyTorch-BigGraph (PBG) 是一款专为此设计的工具,能够高效处理数十亿节点和边的图数据。PBG通过多GPU或节点无缝扩展,利用高效的分区技术,生成准确的嵌入表示,适用于社交网络、推荐系统和知识图谱等领域。本文详细介绍PBG的设置、训练和优化方法,涵盖环境配置、数据准备、模型训练、性能优化和实际应用案例,帮助读者高效处理大规模图数据。
40 5
|
1月前
|
PyTorch 算法框架/工具
Pytorch学习笔记(七):F.softmax()和F.log_softmax函数详解
本文介绍了PyTorch中的F.softmax()和F.log_softmax()函数的语法、参数和使用示例,解释了它们在进行归一化处理时的作用和区别。
418 1
Pytorch学习笔记(七):F.softmax()和F.log_softmax函数详解
|
1月前
|
机器学习/深度学习 PyTorch 算法框架/工具
Pytorch学习笔记(八):nn.ModuleList和nn.Sequential函数详解
PyTorch中的nn.ModuleList和nn.Sequential函数,包括它们的语法格式、参数解释和具体代码示例,展示了如何使用这些函数来构建和管理神经网络模型。
86 1
下一篇
无影云桌面