quantization_api.rst 17.8 KB
Newer Older
W
whs 已提交
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23 24 25 26 27 28 29 30 31 32 33 34 35 36 37 38 39 40 41 42 43 44 45 46 47 48 49 50 51 52 53
量化
====

量化配置
---------------
通过字典配置量化参数

.. code-block:: python


   TENSORRT_OP_TYPES = [
       'mul', 'conv2d', 'pool2d', 'depthwise_conv2d', 'elementwise_add',
       'leaky_relu'
   ]
   TRANSFORM_PASS_OP_TYPES = ['conv2d', 'depthwise_conv2d', 'mul']
   
   QUANT_DEQUANT_PASS_OP_TYPES = [
           "pool2d", "elementwise_add", "concat", "softmax", "argmax", "transpose",
           "equal", "gather", "greater_equal", "greater_than", "less_equal",
           "less_than", "mean", "not_equal", "reshape", "reshape2",
           "bilinear_interp", "nearest_interp", "trilinear_interp", "slice",
           "squeeze", "elementwise_sub", "relu", "relu6", "leaky_relu", "tanh", "swish"
       ]
   
   _quant_config_default = {
       # weight quantize type, default is 'channel_wise_abs_max'
       'weight_quantize_type': 'channel_wise_abs_max',
       # activation quantize type, default is 'moving_average_abs_max'
       'activation_quantize_type': 'moving_average_abs_max',
       # weight quantize bit num, default is 8
       'weight_bits': 8,
       # activation quantize bit num, default is 8
       'activation_bits': 8,
       # ops of name_scope in not_quant_pattern list, will not be quantized
       'not_quant_pattern': ['skip_quant'],
       # ops of type in quantize_op_types, will be quantized
       'quantize_op_types': ['conv2d', 'depthwise_conv2d', 'mul'],
       # data type after quantization, such as 'uint8', 'int8', etc. default is 'int8'
       'dtype': 'int8',
       # window size for 'range_abs_max' quantization. defaulf is 10000
       'window_size': 10000,
       # The decay coefficient of moving average, default is 0.9
       'moving_rate': 0.9,
       # if True, 'quantize_op_types' will be TENSORRT_OP_TYPES
       'for_tensorrt': False,
       # if True, 'quantoze_op_types' will be TRANSFORM_PASS_OP_TYPES + QUANT_DEQUANT_PASS_OP_TYPES
       'is_full_quantize': False
   }

**参数:**

- **weight_quantize_type(str)** - 参数量化方式。可选 ``'abs_max'`` ,  ``'channel_wise_abs_max'`` , ``'range_abs_max'`` , ``'moving_average_abs_max'`` 。如果使用 ``TensorRT`` 加载量化后的模型来预测,请使用 ``'channel_wise_abs_max'`` 。 默认 ``'channel_wise_abs_max'`` 。
- **activation_quantize_type(str)** - 激活量化方式,可选 ``'abs_max'`` ,  ``'range_abs_max'`` ,  ``'moving_average_abs_max'`` 。如果使用 ``TensorRT`` 加载量化后的模型来预测,请使用 ``'range_abs_max', 'moving_average_abs_max'`` 。,默认 ``'moving_average_abs_max'`` 。
L
Liufang Sang 已提交
54 55
- **weight_bits(int)** - 参数量化bit数,默认8, 可选1-8,推荐设为8,因为量化后的数据类型是 ``int8`` 。
- **activation_bits(int)** -  激活量化bit数,默认8,可选1-8,推荐设为8,因为量化后的数据类型是 ``int8`` 。
56 57
- **not_quant_pattern(str | list[str])** - 所有 ``name_scope`` 包含 ``'not_quant_pattern'`` 字符串的 op ,都不量化, 设置方式请参考 `fluid.name_scope <https://www.paddlepaddle.org.cn/documentation/docs/zh/api_cn/fluid_cn/name_scope_cn.html#name-scope>`_ 。
- **quantize_op_types(list[str])** -  需要进行量化的 op 类型,目前支持 ``'conv2d', 'depthwise_conv2d', 'mul'``  。
W
whs 已提交
58 59 60 61
- **dtype(int8)** - 量化后的参数类型,默认 ``int8`` , 目前仅支持 ``int8`` 。
- **window_size(int)** -  ``'range_abs_max'`` 量化方式的 ``window size`` ,默认10000。
- **moving_rate(int)** - ``'moving_average_abs_max'`` 量化方式的衰减系数,默认 0.9。
- **for_tensorrt(bool)** - 量化后的模型是否使用 ``TensorRT`` 进行预测。如果是的话,量化op类型为: ``TENSORRT_OP_TYPES`` 。默认值为False.
L
Liufang Sang 已提交
62
- **is_full_quantize(bool)** - 是否量化所有可支持op类型。可量化op为 ``TRANSFORM_PASS_OP_TYPES + QUANT_DEQUANT_PASS_OP_TYPES`` 。 默认值为False.
W
whs 已提交
63 64 65 66 67 68 69 70 71

.. :note::

   目前 ``Paddle-Lite`` 有int8 kernel来加速的op只有 ``['conv2d', 'depthwise_conv2d', 'mul']``, 其他op的int8 kernel将陆续支持。


quant_aware
------------

72
.. py:function:: paddleslim.quant.quant_aware(program, place, config, scope=None, for_test=False)
W
whs 已提交
73

74
`源代码 <https://github.com/PaddlePaddle/PaddleSlim/blob/release/1.1.0/paddleslim/quant/quanter.py>`_
75 76

在 program 中加入量化和反量化op, 用于量化训练。
W
whs 已提交
77 78 79 80


**参数:**

81
- **program (fluid.Program)** -  传入训练或测试program 。
W
whs 已提交
82 83 84
- **place(fluid.CPUPlace | fluid.CUDAPlace)** -  该参数表示 ``Executor`` 执行所在的设备。
- **config(dict)** -  量化配置表。
- **scope(fluid.Scope, optional)** -  传入用于存储 ``Variable`` 的 ``scope`` ,需要传入 ``program`` 所使用的 ``scope`` ,一般情况下,是 `fluid.global_scope() <https://www.paddlepaddle.org.cn/documentation/docs/zh/develop/api_cn/executor_cn/global_scope_cn.html>`_ 。设置为 ``None`` 时将使用 `fluid.global_scope() <https://www.paddlepaddle.org.cn/documentation/docs/zh/develop/api_cn/executor_cn/global_scope_cn.html>`_ ,默认值为 ``None`` 。
85
- **for_test(bool)** -  如果 ``program`` 参数是一个测试 ``program`` , ``for_test`` 应设为True,否则设为False 。
W
whs 已提交
86 87 88

**返回**

89
含有量化和反量化 operator 的 program 。
W
whs 已提交
90 91 92 93 94 95 96 97

**返回类型**

- 当 ``for_test=False`` ,返回类型为 ``fluid.CompiledProgram`` , **注意,此返回值不能用于保存参数** 。
- 当 ``for_test=True`` ,返回类型为 ``fluid.Program`` 。

.. note::

98 99 100 101
   - 此接口会改变program 结构,并且可能增加一些persistable的变量,所以加载模型参数时请注意和相应的 program 对应。
   - 此接口底层经历了 fluid.Program -> fluid.framework.IrGraph -> fluid.Program 的转变,在 ``fluid.framework.IrGraph`` 中没有 ``Parameter`` 的概念,``Variable`` 只有 persistable 和not persistable的区别,所以在保存和加载参数时,请使用 ``fluid.io.save_persistables`` 和 ``fluid.io.load_persistables`` 接口。
   - 由于此接口会根据 program 的结构和量化配置来对program 添加op,所以 ``Paddle`` 中一些通过 ``fuse op`` 来加速训练的策略不能使用。已知以下策略在使用量化时必须设为False : ``fuse_all_reduce_ops, sync_batch_norm`` 。
   - 如果传入的 program 中存在和任何op都没有连接的 ``Variable`` ,则会在量化的过程中被优化掉。
W
whs 已提交
102 103 104 105 106 107 108 109



convert
---------

.. py:function:: paddleslim.quant.convert(program, place, config, scope=None, save_int8=False)

110
`源代码 <https://github.com/PaddlePaddle/PaddleSlim/blob/release/1.1.0/paddleslim/quant/quanter.py>`_
W
whs 已提交
111 112


113
把训练好的量化 program ,转换为可用于保存 ``inference model`` 的 program 。
W
whs 已提交
114 115 116

**参数:**

117 118
- **program (fluid.Program)** -  传入测试 program 。
- **place(fluid.CPUPlace | fluid.CUDAPlace)** - 该参数表示 ``Executor`` 执行所在的设备。
W
whs 已提交
119
- **config(dict)** -  量化配置表。
120 121
- **scope(fluid.Scope)** - 传入用于存储 ``Variable`` 的 ``scope`` ,需要传入 ``program`` 所使用的 ``scope`` ,一般情况下,是 `fluid.global_scope() <https://www.paddlepaddle.org.cn/documentation/docs/zh/develop/api_cn/executor_cn/global_scope_cn.html>`_ 。设置为 ``None`` 时将使用 `fluid.global_scope() <https://www.paddlepaddle.org.cn/documentation/docs/zh/develop/api_cn/executor_cn/global_scope_cn.html>`_ ,默认值为 ``None`` 。
- **save_int8(bool)** -  是否需要返回参数为 ``int8`` 的 program 。该功能目前只能用于确认模型大小。默认值为 ``False`` 。
W
whs 已提交
122 123 124

**返回**

125 126
- **program (fluid.Program)** - freezed program,可用于保存inference model,参数为 ``float32`` 类型,但其数值范围可用int8表示。
- **int8_program (fluid.Program)** - freezed program,可用于保存inference model,参数为 ``int8`` 类型。当 ``save_int8`` 为False 时,不返回该值。
W
whs 已提交
127 128 129

.. note::

130
   因为该接口会对 op 和 Variable 做相应的删除和修改,所以此接口只能在训练完成之后调用。如果想转化训练的中间模型,可加载相应的参数之后再使用此接口。
W
whs 已提交
131 132 133 134 135 136 137 138 139 140 141 142 143 144 145 146 147 148 149 150 151 152 153 154 155 156 157 158 159 160 161 162 163 164 165 166 167 168 169 170 171 172 173

**代码示例**

.. code-block:: python

   #encoding=utf8
   import paddle.fluid as fluid
   import paddleslim.quant as quant
   
   
   train_program = fluid.Program()
   
   with fluid.program_guard(train_program):
       image = fluid.data(name='x', shape=[None, 1, 28, 28])
       label = fluid.data(name='label', shape=[None, 1], dtype='int64')
       conv = fluid.layers.conv2d(image, 32, 1)
       feat = fluid.layers.fc(conv, 10, act='softmax')
       cost = fluid.layers.cross_entropy(input=feat, label=label)
       avg_cost = fluid.layers.mean(x=cost)
   
   use_gpu = True
   place = fluid.CUDAPlace(0) if use_gpu else fluid.CPUPlace()
   exe = fluid.Executor(place)
   exe.run(fluid.default_startup_program())
   eval_program = train_program.clone(for_test=True)
   #配置
   config = {'weight_quantize_type': 'abs_max',
           'activation_quantize_type': 'moving_average_abs_max'}
   build_strategy = fluid.BuildStrategy()
   exec_strategy = fluid.ExecutionStrategy()
   #调用api
   quant_train_program = quant.quant_aware(train_program, place, config, for_test=False)
   quant_eval_program = quant.quant_aware(eval_program, place, config, for_test=True)
   #关闭策略
   build_strategy.fuse_all_reduce_ops = False
   build_strategy.sync_batch_norm = False
   quant_train_program = quant_train_program.with_data_parallel(
       loss_name=avg_cost.name,
       build_strategy=build_strategy,
       exec_strategy=exec_strategy)
   
   inference_prog = quant.convert(quant_eval_program, place, config)

174
更详细的用法请参考 `量化训练demo <https://github.com/PaddlePaddle/PaddleSlim/tree/release/1.1.0/demo/quant/quant_aware>`_ 。
W
whs 已提交
175 176 177 178

quant_post
---------------

179
.. py:function:: paddleslim.quant.quant_post(executor, model_dir, quantize_model_path, batch_generator=None, sample_generator=None, model_filename=None, params_filename=None, save_model_filename='__model__', save_params_filename='__params__', batch_size=16, batch_nums=None, scope=None, algo='KL', quantizable_op_type=["conv2d","depthwise_conv2d","mul"], is_full_quantize=False, weight_bits=8, activation_bits=8, activation_quantize_type='range_abs_max', weight_quantize_type='channel_wise_abs_max', is_use_cache_file=False, cache_dir="./temp_post_training")
W
whs 已提交
180

181
`源代码 <https://github.com/PaddlePaddle/PaddleSlim/blob/release/1.1.0/paddleslim/quant/quanter.py>`_
W
whs 已提交
182

183
对保存在 ``${model_dir}`` 下的模型进行量化,使用 ``sample_generator`` 或者 ``batch_generator`` 的数据进行参数校正。
W
whs 已提交
184 185 186 187 188 189

**参数:**

- **executor (fluid.Executor)** - 执行模型的executor,可以在cpu或者gpu上执行。
- **model_dir(str)** - 需要量化的模型所在的文件夹。
- **quantize_model_path(str)** - 保存量化后的模型的路径
190
- **batch_generator(python generator)** - 读取数据样本,每次返回一个batch的数据。和 `sample_generator` 只能设置一个。
W
whs 已提交
191
- **sample_generator(python generator)** - 读取数据样本,每次返回一个样本。
192 193
- **model_filename(str, optional)** - 模型文件名,如果需要量化的模型的参数存在一个文件中,则需要设置 ``model_filename`` 为模型文件的名称,否则设置为 ``None`` 即可。默认值是 ``None`` 。
- **params_filename(str)** - 参数文件名,如果需要量化的模型的参数存在一个文件中,则需要设置 ``params_filename`` 为参数文件的名称,否则设置为 ``None`` 即可。默认值是 ``None`` 。
194 195
- **save_model_filename(str)** - 用于保存量化模型的模型文件名,如果想让参数存在一个文件中,则需要设置 ``save_model_filename`` 为模型文件的名称,否则设置为 ``None`` 即可。默认值是 ``__model__`` 。
- **save_params_filename(str)** - 用于保存模型的参数文件名,如果想让参数存在一个文件中,则需要设置 ``save_params_filename`` 为参数文件的名称,否则设置为 ``None`` 即可。默认值是 ``__params__`` 。
W
whs 已提交
196
- **batch_size(int)** - 每个batch的图片数量。默认值为16 。
197 198
- **batch_nums(int, optional)** - 迭代次数。如果设置为 ``None`` ,则会一直运行到 ``sample_generator`` 迭代结束, 否则,迭代次数为 ``batch_nums``, 也就是说参与对 ``Scale`` 进行校正的样本个数为 ``'batch_nums' * 'batch_size'`` .
- **scope(fluid.Scope, optional)** - 用来获取和写入 ``Variable`` , 如果设置为 ``None`` ,则使用 `fluid.global_scope() <https://www.paddlepaddle.org.cn/documentation/docs/zh/develop/api_cn/executor_cn/global_scope_cn.html>`_ . 默认值是 ``None`` .
W
whs 已提交
199
- **algo(str)** - 量化时使用的算法名称,可为 ``'KL'`` 或者 ``'direct'`` 。该参数仅针对激活值的量化,因为参数值的量化使用的方式为 ``'channel_wise_abs_max'`` . 当 ``algo`` 设置为 ``'direct'`` 时,使用校正数据的激活值的绝对值的最大值当作 ``Scale`` 值,当设置为 ``'KL'`` 时,则使用KL散度的方法来计算 ``Scale`` 值。默认值为 ``'KL'`` 。
200
- **quantizable_op_type(list[str])** -  需要量化的 op 类型列表。默认值为 ``["conv2d", "depthwise_conv2d", "mul"]`` 。
L
Liufang Sang 已提交
201 202 203
- **is_full_quantize(bool)** - 是否量化所有可支持的op类型。如果设置为False, 则按照 ``'quantizable_op_type'`` 的设置进行量化。如果设置为True, 则按照 `量化配置 <#id2>`_  中 ``QUANT_DEQUANT_PASS_OP_TYPES + QUANT_DEQUANT_PASS_OP_TYPES`` 定义的op进行量化。  
- **weight_bits(int)** - weight的量化比特位数, 默认值为8。
- **activation_bits(int)** - 激活值的量化比特位数, 默认值为8。
204 205
- **weight_quantize_type(str)** - weight的量化方式,可选 `abs_max` 或者 `channel_wise_abs_max` ,通常情况下选 `channel_wise_abs_max` 模型量化精度更高。
- **activation_quantize_type(str)** - 激活值的量化方式, 可选 `range_abs_max` 和 `moving_average_abs_max` 。设置激活量化方式不会影响计算scale的算法,只是影响在保存模型时使用哪种operator。
L
Liufang Sang 已提交
206 207
- **is_use_cache_file(bool)** - 是否使用硬盘对中间结果进行存储。如果为False, 则将中间结果存储在内存中。默认值为False。
- **cache_dir(str)** - 如果 ``'is_use_cache_file'`` 为True, 则将中间结果存储在此参数设置的路径下。默认值为 ``./temp_post_training``  。
W
whs 已提交
208 209 210 211 212 213 214

**返回**

无。

.. note::

215 216
   - 因为该接口会收集校正数据的所有的激活值,当校正图片比较多时,请设置 ``'is_use_cache_file'`` 为True, 将中间结果存储在硬盘中。另外,``'KL'`` 散度的计算比较耗时。
   - 目前 ``Paddle-Lite`` 有int8 kernel来加速的op只有 ``['conv2d', 'depthwise_conv2d', 'mul']`` , 其他op的int8 kernel将陆续支持。
W
whs 已提交
217 218 219 220 221

**代码示例**

.. warning::

222
   此示例不能直接运行,因为需要加载 ``${model_dir}`` 下的模型,所以不能直接运行。
W
whs 已提交
223 224 225 226 227 228 229 230 231 232 233 234 235 236 237 238 239 240 241 242 243 244

.. code-block:: python

   import paddle.fluid as fluid
   import paddle.dataset.mnist as reader
   from paddleslim.quant import quant_post
   val_reader = reader.train()
   use_gpu = True
   place = fluid.CUDAPlace(0) if use_gpu else fluid.CPUPlace()
   
   exe = fluid.Executor(place)
   quant_post(
           executor=exe,
           model_dir='./model_path',
           quantize_model_path='./save_path',
           sample_generator=val_reader,
           model_filename='__model__',
           params_filename='__params__',
           batch_size=16,
           batch_nums=10)


245
更详细的用法请参考 `离线量化demo <https://github.com/PaddlePaddle/PaddleSlim/tree/release/1.1.0/demo/quant/quant_post>`_ 。
W
whs 已提交
246 247 248 249

quant_embedding
-------------------

250
.. py:function:: paddleslim.quant.quant_embedding(program, place, config=None, scope=None)
W
whs 已提交
251

252
`源代码 <https://github.com/PaddlePaddle/PaddleSlim/blob/release/1.1.0/paddleslim/quant/quant_embedding.py>`_
W
whs 已提交
253 254 255 256 257 258

对 ``Embedding`` 参数进行量化。

**参数:**

- **program(fluid.Program)** - 需要量化的program
259
- **scope(fluid.Scope, optional)** - 用来获取和写入 ``Variable``, 如果设置为 ``None``,则使用 `fluid.global_scope() <https://www.paddlepaddle.org.cn/documentation/docs/zh/develop/api_cn/executor_cn/global_scope_cn.html>`_ .
W
whs 已提交
260
- **place(fluid.CPUPlace | fluid.CUDAPlace)** - 运行program的设备
261
- **config(dict, optional)** - 定义量化的配置。可以配置的参数有 `'quantize_op_types'`, 指定需要量化的op,如果不指定,则设为 `['lookup_table', 'fused_embedding_seq_pool', 'pyramid_hash']` ,目前仅支持这三种op。对于每个op,可指定以下配置: ``'quantize_type'`` (str, optional): 量化的类型,目前支持的类型是 ``'abs_max', 'log'``, 默认值是 ``'abs_max'`` 。 ``'quantize_bits'`` (int, optional): 量化的bit数,目前支持的bit数为8。默认值是8. ``'dtype'`` (str, optional): 量化之后的数据类型, 目前支持的是 ``'int8'``. 默认值是 ``int8`` 。举个配置例子,可以是 `{'quantize_op_types': ['lookup_table'], 'lookup_table': {'quantize_type': 'abs_max'}}` 。
W
whs 已提交
262 263 264 265 266 267 268 269 270 271 272 273 274 275 276 277 278 279 280 281 282 283 284 285 286 287 288 289 290 291 292 293 294

**返回**

量化之后的program

**返回类型**

fluid.Program

**代码示例**

.. code-block:: python

   import paddle.fluid as fluid
   import paddleslim.quant as quant
   
   train_program = fluid.Program()
   with fluid.program_guard(train_program):
       input_word = fluid.data(name="input_word", shape=[None, 1], dtype='int64')
       input_emb = fluid.embedding(
           input=input_word,
           is_sparse=False,
           size=[100, 128],
           param_attr=fluid.ParamAttr(name='emb',
           initializer=fluid.initializer.Uniform(-0.005, 0.005)))
   
   infer_program = train_program.clone(for_test=True)
   
   use_gpu = True
   place = fluid.CUDAPlace(0) if use_gpu else fluid.CPUPlace()
   exe = fluid.Executor(place)
   exe.run(fluid.default_startup_program())
   
295 296 297 298 299 300
   config = {
            'quantize_op_types': ['lookup_table'], 
            'lookup_table': {
                'quantize_type': 'abs_max'
                }
            }
W
whs 已提交
301 302
   quant_program = quant.quant_embedding(infer_program, place, config)

303
更详细的用法请参考 `Embedding量化demo <https://github.com/PaddlePaddle/PaddleSlim/tree/release/1.1.0/demo/quant/quant_embedding>`_