在 TensorFlow.org 上查看 | 在 Google Colab 中运行 | 在 GitHub 上查看源代码 | 下载笔记本 |
概述
整数量化是一种优化策略,它将 32 位浮点数(如权重和激活输出)转换为最接近的 8 位定点数。这将导致模型更小,推理速度更快,这对低功耗设备(如 微控制器)非常有用。这种数据格式也是仅限整数的加速器(如 Edge TPU)所必需的。
在本教程中,您将从头开始训练一个 MNIST 模型,将其转换为 TensorFlow Lite 文件,并使用 训练后量化 对其进行量化。最后,您将检查转换后的模型的准确性,并将其与原始浮点模型进行比较。
实际上,您有几种选择来确定要量化模型的程度。在本教程中,您将执行“完全整数量化”,它将所有权重和激活输出转换为 8 位整数数据 - 而其他策略可能会将一定数量的数据保留为浮点数。
要了解有关各种量化策略的更多信息,请阅读有关 TensorFlow Lite 模型优化 的内容。
设置
为了量化输入和输出张量,我们需要使用 TensorFlow 2.3 中添加的 API
import logging
logging.getLogger("tensorflow").setLevel(logging.DEBUG)
import tensorflow as tf
import numpy as np
print("TensorFlow version: ", tf.__version__)
生成 TensorFlow 模型
我们将构建一个简单的模型来对来自 MNIST 数据集 的数字进行分类。
此训练不会花费很长时间,因为您只训练了 5 个 epoch 的模型,这将训练到大约 98% 的准确率。
# Load MNIST dataset
mnist = tf.keras.datasets.mnist
(train_images, train_labels), (test_images, test_labels) = mnist.load_data()
# Normalize the input image so that each pixel value is between 0 to 1.
train_images = train_images.astype(np.float32) / 255.0
test_images = test_images.astype(np.float32) / 255.0
# Define the model architecture
model = tf.keras.Sequential([
tf.keras.layers.InputLayer(input_shape=(28, 28)),
tf.keras.layers.Reshape(target_shape=(28, 28, 1)),
tf.keras.layers.Conv2D(filters=12, kernel_size=(3, 3), activation='relu'),
tf.keras.layers.MaxPooling2D(pool_size=(2, 2)),
tf.keras.layers.Flatten(),
tf.keras.layers.Dense(10)
])
# Train the digit classification model
model.compile(optimizer='adam',
loss=tf.keras.losses.SparseCategoricalCrossentropy(
from_logits=True),
metrics=['accuracy'])
model.fit(
train_images,
train_labels,
epochs=5,
validation_data=(test_images, test_labels)
)
转换为 TensorFlow Lite 模型
现在,您可以使用 TensorFlow Lite 转换器 将训练后的模型转换为 TensorFlow Lite 格式,并应用不同程度的量化。
请注意,某些版本的量化会将部分数据保留为浮点格式。因此,以下部分将显示每个选项,量化程度不断增加,直到我们获得一个完全为 int8 或 uint8 数据的模型。(请注意,我们在每个部分中都复制了一些代码,以便您可以看到每个选项的所有量化步骤。)
首先,这是一个没有量化的转换后的模型
converter = tf.lite.TFLiteConverter.from_keras_model(model)
tflite_model = converter.convert()
它现在是一个 TensorFlow Lite 模型,但它仍然使用 32 位浮点值来表示所有参数数据。
使用动态范围量化进行转换
现在,让我们启用默认的 optimizations
标志来量化所有固定参数(如权重)
converter = tf.lite.TFLiteConverter.from_keras_model(model)
converter.optimizations = [tf.lite.Optimize.DEFAULT]
tflite_model_quant = converter.convert()
该模型现在更小,具有量化的权重,但其他可变数据仍然以浮点格式存在。
使用浮点回退量化进行转换
要量化可变数据(如模型输入/输出和层之间的中间值),您需要提供一个 RepresentativeDataset
。这是一个生成器函数,它提供一组足够大的输入数据来表示典型值。它允许转换器估计所有可变数据的动态范围。(与训练或评估数据集相比,数据集不需要是唯一的。)要支持多个输入,每个代表性数据点都是一个列表,列表中的元素根据其索引馈送到模型。
def representative_data_gen():
for input_value in tf.data.Dataset.from_tensor_slices(train_images).batch(1).take(100):
# Model has only one input so each data point has one element.
yield [input_value]
converter = tf.lite.TFLiteConverter.from_keras_model(model)
converter.optimizations = [tf.lite.Optimize.DEFAULT]
converter.representative_dataset = representative_data_gen
tflite_model_quant = converter.convert()
现在所有权重和变量数据都已量化,与原始 TensorFlow Lite 模型相比,该模型的大小明显减小。
但是,为了保持与传统上使用浮点模型输入和输出张量的应用程序的兼容性,TensorFlow Lite 转换器将模型输入和输出张量保留为浮点类型。
interpreter = tf.lite.Interpreter(model_content=tflite_model_quant)
input_type = interpreter.get_input_details()[0]['dtype']
print('input: ', input_type)
output_type = interpreter.get_output_details()[0]['dtype']
print('output: ', output_type)
这通常有利于兼容性,但它将与仅执行基于整数的操作的设备(例如 Edge TPU)不兼容。
此外,如果 TensorFlow Lite 没有包含该操作的量化实现,上述过程可能会将操作保留为浮点格式。这种策略允许转换完成,因此您将获得更小、更高效的模型,但同样,它将与仅整数硬件不兼容。(此 MNIST 模型中的所有操作都有量化实现。)
因此,为了确保端到端仅整数模型,您需要几个额外的参数……
使用仅整数量化进行转换
要量化输入和输出张量,并在遇到无法量化的操作时使转换器抛出错误,请使用一些额外的参数再次转换模型。
def representative_data_gen():
for input_value in tf.data.Dataset.from_tensor_slices(train_images).batch(1).take(100):
yield [input_value]
converter = tf.lite.TFLiteConverter.from_keras_model(model)
converter.optimizations = [tf.lite.Optimize.DEFAULT]
converter.representative_dataset = representative_data_gen
# Ensure that if any ops can't be quantized, the converter throws an error
converter.target_spec.supported_ops = [tf.lite.OpsSet.TFLITE_BUILTINS_INT8]
# Set the input and output tensors to uint8 (APIs added in r2.3)
converter.inference_input_type = tf.uint8
converter.inference_output_type = tf.uint8
tflite_model_quant = converter.convert()
内部量化与上面相同,但您可以看到输入和输出张量现在是整数格式。
interpreter = tf.lite.Interpreter(model_content=tflite_model_quant)
input_type = interpreter.get_input_details()[0]['dtype']
print('input: ', input_type)
output_type = interpreter.get_output_details()[0]['dtype']
print('output: ', output_type)
现在您拥有一个整数量化模型,该模型使用整数数据作为模型的输入和输出张量,因此它与仅整数硬件(例如 Edge TPU)兼容。
将模型保存为文件
您需要一个 .tflite
文件才能在其他设备上部署您的模型。因此,让我们将转换后的模型保存到文件,然后在下面运行推理时加载它们。
import pathlib
tflite_models_dir = pathlib.Path("/tmp/mnist_tflite_models/")
tflite_models_dir.mkdir(exist_ok=True, parents=True)
# Save the unquantized/float model:
tflite_model_file = tflite_models_dir/"mnist_model.tflite"
tflite_model_file.write_bytes(tflite_model)
# Save the quantized model:
tflite_model_quant_file = tflite_models_dir/"mnist_model_quant.tflite"
tflite_model_quant_file.write_bytes(tflite_model_quant)
运行 TensorFlow Lite 模型
现在,我们将使用 TensorFlow Lite Interpreter
运行推理,以比较模型的准确性。
首先,我们需要一个函数,该函数使用给定模型和图像运行推理,然后返回预测结果。
# Helper function to run inference on a TFLite model
def run_tflite_model(tflite_file, test_image_indices):
global test_images
# Initialize the interpreter
interpreter = tf.lite.Interpreter(model_path=str(tflite_file))
interpreter.allocate_tensors()
input_details = interpreter.get_input_details()[0]
output_details = interpreter.get_output_details()[0]
predictions = np.zeros((len(test_image_indices),), dtype=int)
for i, test_image_index in enumerate(test_image_indices):
test_image = test_images[test_image_index]
# Check if the input type is quantized, then rescale input data to uint8
if input_details['dtype'] == np.uint8:
input_scale, input_zero_point = input_details["quantization"]
test_image = test_image / input_scale + input_zero_point
test_image = np.expand_dims(test_image, axis=0).astype(input_details["dtype"])
interpreter.set_tensor(input_details["index"], test_image)
interpreter.invoke()
output = interpreter.get_tensor(output_details["index"])[0]
predictions[i] = output.argmax()
return predictions
在一张图像上测试模型
现在我们将比较浮点模型和量化模型的性能。
tflite_model_file
是具有浮点数据的原始 TensorFlow Lite 模型。tflite_model_quant_file
是我们使用仅整数量化转换的最后一个模型(它使用 uint8 数据作为输入和输出)。
让我们创建另一个函数来打印我们的预测结果。
import matplotlib.pylab as plt
# Change this to test a different image
test_image_index = 1
## Helper function to test the models on one image
def test_model(tflite_file, test_image_index, model_type):
global test_labels
predictions = run_tflite_model(tflite_file, [test_image_index])
plt.imshow(test_images[test_image_index])
template = model_type + " Model \n True:{true}, Predicted:{predict}"
_ = plt.title(template.format(true= str(test_labels[test_image_index]), predict=str(predictions[0])))
plt.grid(False)
现在测试浮点模型。
test_model(tflite_model_file, test_image_index, model_type="Float")
并测试量化模型。
test_model(tflite_model_quant_file, test_image_index, model_type="Quantized")
在所有图像上评估模型
现在让我们使用我们在本教程开头加载的所有测试图像运行这两个模型。
# Helper function to evaluate a TFLite model on all images
def evaluate_model(tflite_file, model_type):
global test_images
global test_labels
test_image_indices = range(test_images.shape[0])
predictions = run_tflite_model(tflite_file, test_image_indices)
accuracy = (np.sum(test_labels== predictions) * 100) / len(test_images)
print('%s model accuracy is %.4f%% (Number of test samples=%d)' % (
model_type, accuracy, len(test_images)))
评估浮点模型。
evaluate_model(tflite_model_file, model_type="Float")
评估量化模型。
evaluate_model(tflite_model_quant_file, model_type="Quantized")
因此,您现在拥有一个整数量化模型,与浮点模型相比,其准确性几乎没有差异。
要了解有关其他量化策略的更多信息,请阅读有关 TensorFlow Lite 模型优化 的内容。