Commit f34dea41 by Animesh Jain Committed by Zhi

[QNN] Use Int16 upcast in Fallback Conv2D. Fix test names. (#4329)

parent fed79b3a
...@@ -106,8 +106,6 @@ WorkloadType GetWorkload(const Array<tvm::relay::Type>& arg_types, const QnnConv ...@@ -106,8 +106,6 @@ WorkloadType GetWorkload(const Array<tvm::relay::Type>& arg_types, const QnnConv
* \brief Fallback to simpler lowering for dilation or depthwise conv. * \brief Fallback to simpler lowering for dilation or depthwise conv.
* \param data The input expr. * \param data The input expr.
* \param weight The weight expr. * \param weight The weight expr.
* \param zp_data The data zero point expr.
* \param zp_kernel The kernel zero point expr.
* \param param The qnn conv2d attributes. * \param param The qnn conv2d attributes.
* \return The fallback lowered sequence of Relay expr. * \return The fallback lowered sequence of Relay expr.
* \note In case of dilation, normal lowering would require a dilated pool. * \note In case of dilation, normal lowering would require a dilated pool.
...@@ -115,16 +113,19 @@ WorkloadType GetWorkload(const Array<tvm::relay::Type>& arg_types, const QnnConv ...@@ -115,16 +113,19 @@ WorkloadType GetWorkload(const Array<tvm::relay::Type>& arg_types, const QnnConv
* Relay operations. This will potentially lead to performance degradation * Relay operations. This will potentially lead to performance degradation
* as the convolution is called on int32 tensors instead of int8 tensors. * as the convolution is called on int32 tensors instead of int8 tensors.
*/ */
Expr Conv2DFallBack(const Expr& data, const Expr& weight, const Expr& zp_data, Expr Conv2DFallBack(const Expr& data, const Expr& weight, const QnnConv2DAttrs* param) {
const Expr& zp_kernel, const QnnConv2DAttrs* param) { // Upcast the zero point to Int16.
auto shifted_data = data; auto zp_data = MakeConstantScalar(Int(16), param->input_zero_point);
auto zp_kernel = MakeConstantScalar(Int(16), param->kernel_zero_point);
auto shifted_data = Cast(data, Int(16));
if (param->input_zero_point != 0) { if (param->input_zero_point != 0) {
shifted_data = Subtract(Cast(data, Int(32)), zp_data); shifted_data = Subtract(Cast(data, Int(16)), zp_data);
} }
auto shifted_kernel = weight; auto shifted_kernel = Cast(weight, Int(16));
if (param->kernel_zero_point != 0) { if (param->kernel_zero_point != 0) {
shifted_kernel = Subtract(Cast(weight, Int(32)), zp_kernel); shifted_kernel = Subtract(Cast(weight, Int(16)), zp_kernel);
} }
return Conv2D(shifted_data, shifted_kernel, param->strides, param->padding, param->dilation, return Conv2D(shifted_data, shifted_kernel, param->strides, param->padding, param->dilation,
...@@ -186,7 +187,6 @@ Expr Conv2DFirstTerm(const Expr& padded_data, const Expr& weight, const QnnConv2 ...@@ -186,7 +187,6 @@ Expr Conv2DFirstTerm(const Expr& padded_data, const Expr& weight, const QnnConv2
/* /*
* \brief Calculates the second term in the qnn.conv2d lowering sequence. * \brief Calculates the second term in the qnn.conv2d lowering sequence.
* \param padded_data The padded data expr. * \param padded_data The padded data expr.
* \param zp_kernel The kernel zero point expr.
* \param param The qnn conv2d attributes. * \param param The qnn conv2d attributes.
* \param kernel_h The height of kernel. * \param kernel_h The height of kernel.
* \param kernel_w The width of kernel. * \param kernel_w The width of kernel.
...@@ -200,8 +200,11 @@ Expr Conv2DFirstTerm(const Expr& padded_data, const Expr& weight, const QnnConv2 ...@@ -200,8 +200,11 @@ Expr Conv2DFirstTerm(const Expr& padded_data, const Expr& weight, const QnnConv2
* followed by a reduce on the C axis. Using avg_pool2d also gives an * followed by a reduce on the C axis. Using avg_pool2d also gives an
* opportunity to reuse alter_op_layout infrastructure. * opportunity to reuse alter_op_layout infrastructure.
*/ */
Expr Conv2DSecondTerm(const Expr& padded_data, const Expr& zp_kernel, const QnnConv2DAttrs* param, Expr Conv2DSecondTerm(const Expr& padded_data, const QnnConv2DAttrs* param, int kernel_h,
int kernel_h, int kernel_w, int out_channels) { int kernel_w, int out_channels) {
// Constant Expr for the kernel zero point.
auto zp_kernel = MakeConstantScalar(Int(32), param->kernel_zero_point);
auto casted_t2 = Cast(padded_data, Int(32)); auto casted_t2 = Cast(padded_data, Int(32));
// We can reduce the H and W axis by using avg_pool2d. However, avg_pool2d averages the sum. // We can reduce the H and W axis by using avg_pool2d. However, avg_pool2d averages the sum.
...@@ -241,7 +244,6 @@ Expr Conv2DSecondTerm(const Expr& padded_data, const Expr& zp_kernel, const QnnC ...@@ -241,7 +244,6 @@ Expr Conv2DSecondTerm(const Expr& padded_data, const Expr& zp_kernel, const QnnC
/* /*
* \brief Calculates the third term in the qnn.conv2d lowering sequence. * \brief Calculates the third term in the qnn.conv2d lowering sequence.
* \param weight The weight expr. * \param weight The weight expr.
* \param zp_data The data zero point expr.
* \param param The qnn conv2d attributes. * \param param The qnn conv2d attributes.
* \param batch_size The batch size. * \param batch_size The batch size.
* \param out_channels The number of output channels. * \param out_channels The number of output channels.
...@@ -254,8 +256,11 @@ Expr Conv2DSecondTerm(const Expr& padded_data, const Expr& zp_kernel, const QnnC ...@@ -254,8 +256,11 @@ Expr Conv2DSecondTerm(const Expr& padded_data, const Expr& zp_kernel, const QnnC
* a 1D tensor. The tensor is then reshaped to conform to NHWC/NCHW * a 1D tensor. The tensor is then reshaped to conform to NHWC/NCHW
* format. * format.
*/ */
Expr Conv2DThirdTerm(const Expr& weight, const Expr& zp_data, const QnnConv2DAttrs* param, Expr Conv2DThirdTerm(const Expr& weight, const QnnConv2DAttrs* param, int batch_size,
int batch_size, int out_channels) { int out_channels) {
// Constant expr for input zero point.
auto zp_data = MakeConstantScalar(Int(32), param->input_zero_point);
// Find which dimensions are C, R, S. // Find which dimensions are C, R, S.
Array<Integer> axes_t3; Array<Integer> axes_t3;
if (param->kernel_layout == "OIHW") { if (param->kernel_layout == "OIHW") {
...@@ -415,21 +420,19 @@ Expr QnnConv2DCanonicalize(const Attrs& attrs, const Array<Expr>& new_args, ...@@ -415,21 +420,19 @@ Expr QnnConv2DCanonicalize(const Attrs& attrs, const Array<Expr>& new_args,
int batch_size, in_channels, out_channels, kernel_h, kernel_w; int batch_size, in_channels, out_channels, kernel_h, kernel_w;
std::tie(batch_size, in_channels, out_channels, kernel_h, kernel_w) = std::tie(batch_size, in_channels, out_channels, kernel_h, kernel_w) =
GetWorkload(arg_types, param); GetWorkload(arg_types, param);
auto zp_data = MakeConstantScalar(Int(32), param->input_zero_point);
auto zp_kernel = MakeConstantScalar(Int(32), param->kernel_zero_point);
// Fallback to int32 conv if there is dilation or depthwise conv2d // Fallback to int32 conv if there is dilation or depthwise conv2d
CHECK_EQ(param->dilation.size(), 2) << "qnn.conv2d only supports 2D dilation"; CHECK_EQ(param->dilation.size(), 2) << "qnn.conv2d only supports 2D dilation";
auto dilation_h = get_const_int(param->dilation[0]); auto dilation_h = get_const_int(param->dilation[0]);
auto dilation_w = get_const_int(param->dilation[1]); auto dilation_w = get_const_int(param->dilation[1]);
if (dilation_h != 1 || dilation_w != 1 || param->groups != 1) { if (dilation_h != 1 || dilation_w != 1 || param->groups != 1) {
return Conv2DFallBack(data, weight, zp_data, zp_kernel, param); return Conv2DFallBack(data, weight, param);
} }
auto padded_data = Conv2DPadInput(data, param); auto padded_data = Conv2DPadInput(data, param);
auto term1 = Conv2DFirstTerm(padded_data, weight, param); auto term1 = Conv2DFirstTerm(padded_data, weight, param);
auto term2 = Conv2DSecondTerm(padded_data, zp_kernel, param, kernel_h, kernel_w, out_channels); auto term2 = Conv2DSecondTerm(padded_data, param, kernel_h, kernel_w, out_channels);
auto term3 = Conv2DThirdTerm(weight, zp_data, param, batch_size, out_channels); auto term3 = Conv2DThirdTerm(weight, param, batch_size, out_channels);
auto term4 = Conv2DFourthTerm(param, batch_size, in_channels, kernel_h, kernel_w); auto term4 = Conv2DFourthTerm(param, batch_size, in_channels, kernel_h, kernel_w);
return Conv2DCombineTerms(term1, term2, term3, term4, param); return Conv2DCombineTerms(term1, term2, term3, term4, param);
} }
......
...@@ -160,7 +160,7 @@ def verify(ref_func, qnn_func, data_shape, data_dtype, kernel_shape, ...@@ -160,7 +160,7 @@ def verify(ref_func, qnn_func, data_shape, data_dtype, kernel_shape,
qnn_output = get_output(qnn_func, golden_inputs) qnn_output = get_output(qnn_func, golden_inputs)
np.testing.assert_equal(qnn_output, golden_output) np.testing.assert_equal(qnn_output, golden_output)
def no_zero_point_test(): def test_no_zero_point():
# uint8 input # uint8 input
data_shape = (2, 1, 2, 4) data_shape = (2, 1, 2, 4)
data_dtype = 'uint8' data_dtype = 'uint8'
...@@ -203,7 +203,7 @@ def no_zero_point_test(): ...@@ -203,7 +203,7 @@ def no_zero_point_test():
verify(ref_func, qnn_func, data_shape, data_dtype, verify(ref_func, qnn_func, data_shape, data_dtype,
kernel_shape, kernel_dtype) kernel_shape, kernel_dtype)
def kernel_zero_point_test(): def test_kernel_zero_point():
# uint8 input # uint8 input
data_shape = (2, 4, 2, 4) data_shape = (2, 4, 2, 4)
data_dtype = 'uint8' data_dtype = 'uint8'
...@@ -247,7 +247,7 @@ def kernel_zero_point_test(): ...@@ -247,7 +247,7 @@ def kernel_zero_point_test():
kernel_shape, kernel_dtype) kernel_shape, kernel_dtype)
def input_zero_point_test(): def test_input_zero_point():
# uint8 input # uint8 input
data_shape = (2, 4, 2, 4) data_shape = (2, 4, 2, 4)
data_dtype = 'uint8' data_dtype = 'uint8'
...@@ -290,7 +290,7 @@ def input_zero_point_test(): ...@@ -290,7 +290,7 @@ def input_zero_point_test():
verify(ref_func, qnn_func, data_shape, data_dtype, verify(ref_func, qnn_func, data_shape, data_dtype,
kernel_shape, kernel_dtype) kernel_shape, kernel_dtype)
def both_zero_point_test(): def test_both_zero_point():
# uint8 input # uint8 input
data_shape = (2, 4, 2, 4) data_shape = (2, 4, 2, 4)
data_dtype = 'uint8' data_dtype = 'uint8'
...@@ -333,7 +333,7 @@ def both_zero_point_test(): ...@@ -333,7 +333,7 @@ def both_zero_point_test():
verify(ref_func, qnn_func, data_shape, data_dtype, verify(ref_func, qnn_func, data_shape, data_dtype,
kernel_shape, kernel_dtype) kernel_shape, kernel_dtype)
def layout_test(): def test_layout():
# uint8 input # uint8 input
data_shape = (2, 2, 4, 4) # NHWC data_shape = (2, 2, 4, 4) # NHWC
data_dtype = 'uint8' data_dtype = 'uint8'
...@@ -378,7 +378,7 @@ def layout_test(): ...@@ -378,7 +378,7 @@ def layout_test():
def padding_test(): def test_padding():
# uint8 input # uint8 input
data_shape = (1, 4, 2, 2) data_shape = (1, 4, 2, 2)
data_dtype = 'uint8' data_dtype = 'uint8'
...@@ -421,7 +421,7 @@ def padding_test(): ...@@ -421,7 +421,7 @@ def padding_test():
verify(ref_func, qnn_func, data_shape, data_dtype, verify(ref_func, qnn_func, data_shape, data_dtype,
kernel_shape, kernel_dtype) kernel_shape, kernel_dtype)
def dilation_test(): def test_dilation():
# uint8 input # uint8 input
data_shape = (2, 4, 4, 4) data_shape = (2, 4, 4, 4)
data_dtype = 'uint8' data_dtype = 'uint8'
...@@ -444,7 +444,7 @@ def dilation_test(): ...@@ -444,7 +444,7 @@ def dilation_test():
kernel_shape, kernel_dtype) kernel_shape, kernel_dtype)
def const_folding_test(): def test_const_folding():
data_shape = (2, 4, 2, 4) data_shape = (2, 4, 2, 4)
data_dtype = 'uint8' data_dtype = 'uint8'
kernel_shape = (3, 4, 2, 2) kernel_shape = (3, 4, 2, 2)
...@@ -470,7 +470,7 @@ def const_folding_test(): ...@@ -470,7 +470,7 @@ def const_folding_test():
folded_func = folded_mod["main"] folded_func = folded_mod["main"]
assert "reshape" not in folded_func.astext() assert "reshape" not in folded_func.astext()
def kernel_size_1x1_test(): def test_kernel_size_1x1():
# uint8 input # uint8 input
data_shape = (2, 4, 2, 4) data_shape = (2, 4, 2, 4)
data_dtype = 'uint8' data_dtype = 'uint8'
...@@ -493,7 +493,7 @@ def kernel_size_1x1_test(): ...@@ -493,7 +493,7 @@ def kernel_size_1x1_test():
verify(ref_func, qnn_func, data_shape, data_dtype, verify(ref_func, qnn_func, data_shape, data_dtype,
kernel_shape, kernel_dtype) kernel_shape, kernel_dtype)
def tflite_large_irregular_test(): def test_tflite_large_irregular():
# uint8 input # uint8 input
data_shape = (1, 1024, 1, 1) data_shape = (1, 1024, 1, 1)
data_dtype = 'uint8' data_dtype = 'uint8'
...@@ -526,7 +526,7 @@ def tflite_large_irregular_test(): ...@@ -526,7 +526,7 @@ def tflite_large_irregular_test():
golden_output = np.full((1, 1001, 1, 1), 0).astype('uint8') golden_output = np.full((1, 1001, 1, 1), 0).astype('uint8')
np.testing.assert_equal(qnn_output, golden_output) np.testing.assert_equal(qnn_output, golden_output)
def tflite_output_multiplier_greater_than_one(): def test_tflite_output_multiplier_greater_than_one():
# uint8 input # uint8 input
data_shape = (2, 1, 2, 4) data_shape = (2, 1, 2, 4)
data_dtype = 'uint8' data_dtype = 'uint8'
...@@ -570,7 +570,7 @@ def tflite_output_multiplier_greater_than_one(): ...@@ -570,7 +570,7 @@ def tflite_output_multiplier_greater_than_one():
0, 0)).reshape(2, 3, 1, 2) 0, 0)).reshape(2, 3, 1, 2)
np.testing.assert_equal(qnn_output, golden_output) np.testing.assert_equal(qnn_output, golden_output)
def tflite_anistropic_strides(): def test_tflite_anistropic_strides():
# uint8 input # uint8 input
data_shape = (1, 1, 3, 6) data_shape = (1, 1, 3, 6)
data_dtype = 'uint8' data_dtype = 'uint8'
...@@ -607,7 +607,7 @@ def tflite_anistropic_strides(): ...@@ -607,7 +607,7 @@ def tflite_anistropic_strides():
golden_output = np.array((124, -92, 164, -132)).reshape(1, 1, 2, 2) golden_output = np.array((124, -92, 164, -132)).reshape(1, 1, 2, 2)
np.testing.assert_equal(qnn_output, golden_output) np.testing.assert_equal(qnn_output, golden_output)
def broadcast_layout_test(): def test_broadcast_layout():
# Test broadcast support for NHWC layout. # Test broadcast support for NHWC layout.
data_shape = (1, 229, 229, 3) # NHWC data_shape = (1, 229, 229, 3) # NHWC
data_dtype = 'uint8' data_dtype = 'uint8'
...@@ -641,16 +641,16 @@ def broadcast_layout_test(): ...@@ -641,16 +641,16 @@ def broadcast_layout_test():
graph, lib, params = relay.build(mod, "llvm -mcpu=skylake-avx512") graph, lib, params = relay.build(mod, "llvm -mcpu=skylake-avx512")
if __name__ == "__main__": if __name__ == "__main__":
no_zero_point_test() test_no_zero_point()
input_zero_point_test() test_input_zero_point()
kernel_zero_point_test() test_kernel_zero_point()
both_zero_point_test() test_both_zero_point()
layout_test() test_layout()
padding_test() test_padding()
dilation_test() test_dilation()
const_folding_test() test_const_folding()
kernel_size_1x1_test() test_kernel_size_1x1()
tflite_large_irregular_test() test_tflite_large_irregular()
tflite_output_multiplier_greater_than_one() test_broadcast_layout()
tflite_anistropic_strides() test_tflite_output_multiplier_greater_than_one()
broadcast_layout_test() test_tflite_anistropic_strides()
...@@ -22,8 +22,7 @@ from tvm.contrib import graph_runtime ...@@ -22,8 +22,7 @@ from tvm.contrib import graph_runtime
roundings = ["UPWARD", "TONEAREST"] roundings = ["UPWARD", "TONEAREST"]
def test_requantize(): def verify(mod, goldens):
def verify(mod, goldens):
with relay.build_config(opt_level=3): with relay.build_config(opt_level=3):
graph, lib, params = relay.build(mod, "llvm", params=None) graph, lib, params = relay.build(mod, "llvm", params=None)
golden_data, golden_output = goldens golden_data, golden_output = goldens
...@@ -34,7 +33,7 @@ def test_requantize(): ...@@ -34,7 +33,7 @@ def test_requantize():
res = rt_mod.get_output(0).asnumpy() res = rt_mod.get_output(0).asnumpy()
np.testing.assert_equal(res, golden_output) np.testing.assert_equal(res, golden_output)
def get_mod(data_shape, data_dtype, out_dtype, input_scale, output_scale, def get_mod(data_shape, data_dtype, out_dtype, input_scale, output_scale,
input_zero_point=0, output_zero_point=0, rounding="TONEAREST"): input_zero_point=0, output_zero_point=0, rounding="TONEAREST"):
quantized_data = relay.var("quantized_data", shape=data_shape, quantized_data = relay.var("quantized_data", shape=data_shape,
dtype=data_dtype) dtype=data_dtype)
...@@ -51,7 +50,7 @@ def test_requantize(): ...@@ -51,7 +50,7 @@ def test_requantize():
mod = relay.Module.from_expr(mod) mod = relay.Module.from_expr(mod)
return mod return mod
def same_scale_test(): def test_same_scale():
# Have same scales, everything within range # Have same scales, everything within range
golden_data = np.arange(-100, 100, 1).astype('int32') golden_data = np.arange(-100, 100, 1).astype('int32')
golden_output = golden_data golden_output = golden_data
...@@ -66,7 +65,7 @@ def test_requantize(): ...@@ -66,7 +65,7 @@ def test_requantize():
assert 'right_shift' not in mod.astext() assert 'right_shift' not in mod.astext()
verify(mod, (golden_data, golden_output)) verify(mod, (golden_data, golden_output))
def downscale_test(): def test_downscale():
for rounding in roundings: for rounding in roundings:
mod = get_mod(data_shape=(32, ), mod = get_mod(data_shape=(32, ),
data_dtype='int32', data_dtype='int32',
...@@ -144,7 +143,7 @@ def test_requantize(): ...@@ -144,7 +143,7 @@ def test_requantize():
golden_output = np.repeat([0, 1, 2], [8, 16, 8]) golden_output = np.repeat([0, 1, 2], [8, 16, 8])
verify(mod, (golden_data, golden_output)) verify(mod, (golden_data, golden_output))
def upscale_test(): def test_upscale():
for rounding in roundings: for rounding in roundings:
mod = get_mod(data_shape=(32, ), mod = get_mod(data_shape=(32, ),
data_dtype='int32', data_dtype='int32',
...@@ -165,7 +164,7 @@ def test_requantize(): ...@@ -165,7 +164,7 @@ def test_requantize():
golden_output = np.multiply(2, golden_data) golden_output = np.multiply(2, golden_data)
verify(mod, (golden_data, golden_output)) verify(mod, (golden_data, golden_output))
def saturation_test(): def test_saturation():
for rounding in roundings: for rounding in roundings:
mod = get_mod(data_shape=(16, ), mod = get_mod(data_shape=(16, ),
data_dtype='int32', data_dtype='int32',
...@@ -188,7 +187,7 @@ def test_requantize(): ...@@ -188,7 +187,7 @@ def test_requantize():
golden_output = output golden_output = output
verify(mod, (golden_data, golden_output)) verify(mod, (golden_data, golden_output))
def zero_point_test(): def test_zero_point():
# Output zero point # Output zero point
for rounding in roundings: for rounding in roundings:
mod = get_mod(data_shape=(32, ), mod = get_mod(data_shape=(32, ),
...@@ -241,11 +240,9 @@ def test_requantize(): ...@@ -241,11 +240,9 @@ def test_requantize():
golden_output = np.subtract(golden_output, 1) golden_output = np.subtract(golden_output, 1)
verify(mod, (golden_data, golden_output)) verify(mod, (golden_data, golden_output))
same_scale_test()
downscale_test()
upscale_test()
saturation_test()
zero_point_test()
if __name__ == "__main__": if __name__ == "__main__":
test_requantize() test_same_scale()
test_downscale()
test_upscale()
test_saturation()
test_zero_point()
Markdown is supported
0% or
You are about to add 0 people to the discussion. Proceed with caution.
Finish editing this message first!
Please register or to comment