This is an automated email from the ASF dual-hosted git repository.

mbrookhart pushed a commit to branch ci-docker-staging
in repository https://gitbox.apache.org/repos/asf/tvm.git

commit 2c3fc856e407961957e05bdc9f440ff817dd5703
Author: Matthew <mbrookh...@octoml.ai>
AuthorDate: Tue Jun 15 10:50:41 2021 -0600

    add failing onnx tets
---
 tests/python/frontend/onnx/test_forward.py | 233 ++++++++++++++++++++++++++++-
 1 file changed, 227 insertions(+), 6 deletions(-)

diff --git a/tests/python/frontend/onnx/test_forward.py 
b/tests/python/frontend/onnx/test_forward.py
index c540769..74cbc81 100644
--- a/tests/python/frontend/onnx/test_forward.py
+++ b/tests/python/frontend/onnx/test_forward.py
@@ -1117,7 +1117,14 @@ def verify_gemm(a_shape, b_shape, c_shape=None, 
freeze_params=False, dtype="floa
     )
 
     model = helper.make_model(graph, producer_name="gemm_test")
-    verify_with_ort_with_inputs(model, input_values, 
freeze_params=freeze_params, dtype=dtype)
+    atol = 1e-5
+    rtol = 1e-5
+    if dtype == "float16":
+        atol = 1e-3
+        rtol = 1e-3
+    verify_with_ort_with_inputs(
+        model, input_values, freeze_params=freeze_params, dtype=dtype, 
atol=atol, rtol=rtol
+    )
 
 
 @tvm.testing.uses_gpu
@@ -2652,7 +2659,7 @@ def verify_convtranspose(x_shape, w_shape, y_shape, p, 
group=1):
     )
 
     model = helper.make_model(graph, producer_name="convtranspose_test")
-    verify_with_ort(model, [x_shape, w_shape], y_shape)
+    verify_with_ort(model, [x_shape, w_shape], y_shape, opset=11)
 
 
 @tvm.testing.uses_gpu
@@ -3985,7 +3992,7 @@ def verify_cond_loop():
     trip_count = np.array(40).astype(np.int64)
     cond = np.array(1).astype(bool)
     input_vals = [trip_count, cond, y]
-    verify_with_ort_with_inputs(loop_model, input_vals, use_vm=True, 
freeze_params=True)
+    verify_with_ort_with_inputs(loop_model, input_vals, use_vm=True, 
freeze_params=True, opset=11)
 
 
 def verify_count_loop():
@@ -4040,7 +4047,7 @@ def verify_count_loop():
     trip_count = np.array(5).astype(np.int64)
     cond = np.array(1).astype(bool)
     input_vals = [trip_count, cond, y]
-    verify_with_ort_with_inputs(loop_model, input_vals, use_vm=True, 
freeze_params=True)
+    verify_with_ort_with_inputs(loop_model, input_vals, use_vm=True, 
freeze_params=True, opset=11)
 
 
 def verify_tensor_loop():
@@ -4095,7 +4102,7 @@ def verify_tensor_loop():
     cond = np.array(1).astype(bool)
     input_vals = [trip_count, cond, y]
     verify_with_ort_with_inputs(
-        loop_model, input_vals, use_vm=True, freeze_params=True, 
convert_to_static=True
+        loop_model, input_vals, use_vm=True, freeze_params=True, 
convert_to_static=True, opset=11
     )
 
 
@@ -4420,10 +4427,33 @@ import glob
 onnx_test_folders = sorted(glob.glob("/".join(f.split("/")[0:-1]) + 
"/backend/test/data/node/*/"))
 
 unsupported_onnx_tests = [
+    "test_adagrad/",
+    "test_adagrad_multiple/",
+    "test_adam/",
+    "test_adam_multiple/",
+    "test_argmax_default_axis_example_select_last_index/",
+    "test_argmax_default_axis_random_select_last_index/",
+    "test_argmax_keepdims_example_select_last_index/",
+    "test_argmax_keepdims_random_select_last_index/",
+    "test_argmax_negative_axis_keepdims_example_select_last_index/",
+    "test_argmax_negative_axis_keepdims_random_select_last_index/",
+    "test_argmax_no_keepdims_example_select_last_index/",
+    "test_argmax_no_keepdims_random_select_last_index/",
+    "test_argmin_default_axis_example_select_last_index/",
+    "test_argmin_default_axis_random_select_last_index/",
+    "test_argmin_keepdims_example_select_last_index/",
+    "test_argmin_keepdims_random_select_last_index/",
+    "test_argmin_negative_axis_keepdims_example_select_last_index/",
+    "test_argmin_negative_axis_keepdims_random_select_last_index/",
+    "test_argmin_no_keepdims_example_select_last_index/",
+    "test_argmin_no_keepdims_random_select_last_index/",
     "test_basic_convinteger/",
+    "test_cast_BFLOAT16_to_FLOAT/",
     "test_cast_DOUBLE_to_FLOAT16/",
+    "test_cast_FLOAT_to_BFLOAT16/",
     "test_cast_FLOAT_to_STRING/",
     "test_cast_STRING_to_FLOAT/",
+    "test_celu/",
     "test_compress_0/",
     "test_compress_1/",
     "test_compress_default_axis/",
@@ -4440,17 +4470,109 @@ unsupported_onnx_tests = [
     "test_cumsum_2d_negative_axis/",
     "test_det_2d/",
     "test_det_nd/",
+    "test_dropout_default/",
+    "test_dropout_default_mask/",
+    "test_dropout_default_mask_ratio/",
+    "test_dropout_default_ratio/",
+    "test_einsum_batch_diagonal/",
+    "test_einsum_batch_matmul/",
+    "test_einsum_inner_prod/",
+    "test_einsum_sum/",
+    "test_einsum_transpose/",
+    "test_greater_equal/",
+    "test_greater_equal_bcast/",
+    "test_hardmax_axis_0/",
+    "test_hardmax_axis_1/",
+    "test_hardmax_default_axis/",
+    "test_if_seq/",
+    "test_less_equal/",
+    "test_less_equal_bcast/",
+    "test_logsoftmax_axis_0/",
+    "test_logsoftmax_axis_0_expanded/",
+    "test_logsoftmax_axis_1/",
+    "test_logsoftmax_axis_1_expanded/",
+    "test_logsoftmax_axis_2_expanded/",
+    "test_logsoftmax_default_axis/",
+    "test_logsoftmax_default_axis_expanded/",
+    "test_logsoftmax_example_1_expanded/",
+    "test_logsoftmax_large_number_expanded/",
+    "test_logsoftmax_negative_axis_expanded/",
+    "test_loop11/",
+    "test_loop13_seq/",
     "test_matmulinteger/",
     "test_maxpool_2d_same_lower/",
     "test_maxpool_2d_same_upper/",
     "test_maxpool_with_argmax_2d_precomputed_pads/",
     "test_maxpool_with_argmax_2d_precomputed_strides/",
     "test_maxunpool_export_with_output_shape/",
+    "test_momentum/",
+    "test_momentum_multiple/",
     "test_mvn/",
+    "test_nesterov_momentum/",
+    "test_nllloss_NC/",
+    "test_nllloss_NC_expanded/",
+    "test_nllloss_NCd1/",
+    "test_nllloss_NCd1_expanded/",
+    "test_nllloss_NCd1_ii/",
+    "test_nllloss_NCd1_ii_expanded/",
+    "test_nllloss_NCd1_mean_weight_negative_ii/",
+    "test_nllloss_NCd1_mean_weight_negative_ii_expanded/",
+    "test_nllloss_NCd1_weight/",
+    "test_nllloss_NCd1_weight_expanded/",
+    "test_nllloss_NCd1_weight_ii/",
+    "test_nllloss_NCd1_weight_ii_expanded/",
+    "test_nllloss_NCd1d2/",
+    "test_nllloss_NCd1d2_expanded/",
+    "test_nllloss_NCd1d2_no_weight_reduction_mean_ii/",
+    "test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded/",
+    "test_nllloss_NCd1d2_reduction_mean/",
+    "test_nllloss_NCd1d2_reduction_mean_expanded/",
+    "test_nllloss_NCd1d2_reduction_sum/",
+    "test_nllloss_NCd1d2_reduction_sum_expanded/",
+    "test_nllloss_NCd1d2_with_weight/",
+    "test_nllloss_NCd1d2_with_weight_expanded/",
+    "test_nllloss_NCd1d2_with_weight_reduction_mean/",
+    "test_nllloss_NCd1d2_with_weight_reduction_mean_expanded/",
+    "test_nllloss_NCd1d2_with_weight_reduction_sum/",
+    "test_nllloss_NCd1d2_with_weight_reduction_sum_expanded/",
+    "test_nllloss_NCd1d2_with_weight_reduction_sum_ii/",
+    "test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded/",
+    "test_nllloss_NCd1d2d3_none_no_weight_negative_ii/",
+    "test_nllloss_NCd1d2d3_none_no_weight_negative_ii_expanded/",
+    "test_nllloss_NCd1d2d3_sum_weight_high_ii/",
+    "test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded/",
+    "test_nllloss_NCd1d2d3d4d5_mean_weight/",
+    "test_nllloss_NCd1d2d3d4d5_mean_weight_expanded/",
+    "test_nllloss_NCd1d2d3d4d5_none_no_weight/",
+    "test_nllloss_NCd1d2d3d4d5_none_no_weight_expanded/",
+    "test_pow_types_float/",
+    "test_pow_types_float32_int32/",
+    "test_pow_types_float32_int64/",
+    "test_pow_types_float32_uint32/",
+    "test_pow_types_float32_uint64/",
+    "test_pow_types_int/",
+    "test_pow_types_int32_float32/",
+    "test_pow_types_int32_int32/",
+    "test_pow_types_int64_float32/",
+    "test_pow_types_int64_int64/",
     "test_qlinearmatmul_2D/",
     "test_qlinearmatmul_3D/",
+    "test_reduce_sum_default_axes_keepdims_example/",
+    "test_reduce_sum_default_axes_keepdims_random/",
+    "test_reduce_sum_do_not_keepdims_example/",
+    "test_reduce_sum_do_not_keepdims_random/",
+    "test_reduce_sum_empty_axes_input_noop_example/",
+    "test_reduce_sum_empty_axes_input_noop_random/",
+    "test_reduce_sum_keepdims_example/",
+    "test_reduce_sum_keepdims_random/",
+    "test_reduce_sum_negative_axes_keepdims_example/",
+    "test_reduce_sum_negative_axes_keepdims_random/",
+    "test_resize_downsample_sizes_cubic/",
+    "test_resize_downsample_sizes_linear_pytorch_half_pixel/",
+    "test_resize_downsample_sizes_nearest/",
     "test_resize_tf_crop_and_resize/",
-    ## For these three tests, ONNX 1.6.0 has incorrect graphs, they pass with 
ONNX 1.7.0
+    "test_resize_upsample_sizes_cubic/",
+    "test_resize_upsample_sizes_nearest/",
     "test_resize_upsample_sizes_nearest_ceil_half_pixel/",
     "test_resize_upsample_sizes_nearest_floor_align_corners/",
     "test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric/",
@@ -4458,8 +4580,94 @@ unsupported_onnx_tests = [
     "test_round/",
     "test_scan9_sum/",
     "test_scan_sum/",
+    "test_sce_NCd1_mean_weight_negative_ii/",
+    "test_sce_NCd1_mean_weight_negative_ii_expanded/",
+    "test_sce_NCd1_mean_weight_negative_ii_log_prob/",
+    "test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded/",
+    "test_sce_NCd1d2d3_none_no_weight_negative_ii/",
+    "test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded/",
+    "test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob/",
+    "test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded/",
+    "test_sce_NCd1d2d3_sum_weight_high_ii/",
+    "test_sce_NCd1d2d3_sum_weight_high_ii_expanded/",
+    "test_sce_NCd1d2d3_sum_weight_high_ii_log_prob/",
+    "test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded/",
+    "test_sce_NCd1d2d3d4d5_mean_weight/",
+    "test_sce_NCd1d2d3d4d5_mean_weight_expanded/",
+    "test_sce_NCd1d2d3d4d5_mean_weight_log_prob/",
+    "test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded/",
+    "test_sce_NCd1d2d3d4d5_none_no_weight/",
+    "test_sce_NCd1d2d3d4d5_none_no_weight_expanded/",
+    "test_sce_NCd1d2d3d4d5_none_no_weight_log_prob/",
+    "test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded/",
+    "test_sce_mean/",
+    "test_sce_mean_3d/",
+    "test_sce_mean_3d_expanded/",
+    "test_sce_mean_3d_log_prob/",
+    "test_sce_mean_3d_log_prob_expanded/",
+    "test_sce_mean_expanded/",
+    "test_sce_mean_log_prob/",
+    "test_sce_mean_log_prob_expanded/",
+    "test_sce_mean_no_weight_ii/",
+    "test_sce_mean_no_weight_ii_3d/",
+    "test_sce_mean_no_weight_ii_3d_expanded/",
+    "test_sce_mean_no_weight_ii_3d_log_prob/",
+    "test_sce_mean_no_weight_ii_3d_log_prob_expanded/",
+    "test_sce_mean_no_weight_ii_4d/",
+    "test_sce_mean_no_weight_ii_4d_expanded/",
+    "test_sce_mean_no_weight_ii_4d_log_prob/",
+    "test_sce_mean_no_weight_ii_4d_log_prob_expanded/",
+    "test_sce_mean_no_weight_ii_expanded/",
+    "test_sce_mean_no_weight_ii_log_prob/",
+    "test_sce_mean_no_weight_ii_log_prob_expanded/",
+    "test_sce_mean_weight/",
+    "test_sce_mean_weight_expanded/",
+    "test_sce_mean_weight_ii/",
+    "test_sce_mean_weight_ii_3d/",
+    "test_sce_mean_weight_ii_3d_expanded/",
+    "test_sce_mean_weight_ii_3d_log_prob/",
+    "test_sce_mean_weight_ii_3d_log_prob_expanded/",
+    "test_sce_mean_weight_ii_4d/",
+    "test_sce_mean_weight_ii_4d_expanded/",
+    "test_sce_mean_weight_ii_4d_log_prob/",
+    "test_sce_mean_weight_ii_4d_log_prob_expanded/",
+    "test_sce_mean_weight_ii_expanded/",
+    "test_sce_mean_weight_ii_log_prob/",
+    "test_sce_mean_weight_ii_log_prob_expanded/",
+    "test_sce_mean_weight_log_prob/",
+    "test_sce_mean_weight_log_prob_expanded/",
+    "test_sce_none/",
+    "test_sce_none_expanded/",
+    "test_sce_none_log_prob/",
+    "test_sce_none_log_prob_expanded/",
+    "test_sce_none_weights/",
+    "test_sce_none_weights_expanded/",
+    "test_sce_none_weights_log_prob/",
+    "test_sce_none_weights_log_prob_expanded/",
+    "test_sce_sum/",
+    "test_sce_sum_expanded/",
+    "test_sce_sum_log_prob/",
+    "test_sce_sum_log_prob_expanded/",
+    "test_sequence_insert_at_back/",
+    "test_sequence_insert_at_front/",
     "test_simple_rnn_defaults/",
     "test_simple_rnn_with_initial_bias/",
+    "test_softmax_axis_0/",
+    "test_softmax_axis_0_expanded/",
+    "test_softmax_axis_1/",
+    "test_softmax_axis_1_expanded/",
+    "test_softmax_axis_2_expanded/",
+    "test_softmax_default_axis/",
+    "test_softmax_default_axis_expanded/",
+    "test_softmax_example_expanded/",
+    "test_softmax_large_number_expanded/",
+    "test_softmax_negative_axis_expanded/",
+    "test_split_variable_parts_1d/",
+    "test_split_variable_parts_2d/",
+    "test_split_variable_parts_default_axis/",
+    "test_split_zero_size_splits/",
+    "test_squeeze/",
+    "test_squeeze_negative_axes/",
     "test_strnormalizer_export_monday_casesensintive_lower/",
     "test_strnormalizer_export_monday_casesensintive_nochangecase/",
     "test_strnormalizer_export_monday_casesensintive_upper/",
@@ -4473,9 +4681,22 @@ unsupported_onnx_tests = [
     "test_tfidfvectorizer_tf_onlybigrams_levelempty/",
     "test_tfidfvectorizer_tf_onlybigrams_skip5/",
     "test_tfidfvectorizer_tf_uniandbigrams_skip5/",
+    "test_training_dropout/",
+    "test_training_dropout_default/",
+    "test_training_dropout_default_mask/",
+    "test_training_dropout_mask/",
+    "test_training_dropout_zero_ratio/",
+    "test_training_dropout_zero_ratio_mask/",
     "test_unique_sorted_with_axis/",
     "test_unique_sorted_with_axis_3d/",
     "test_unique_sorted_with_negative_axis/",
+    "test_unsqueeze_axis_0/",
+    "test_unsqueeze_axis_1/",
+    "test_unsqueeze_axis_2/",
+    "test_unsqueeze_negative_axes/",
+    "test_unsqueeze_three_axes/",
+    "test_unsqueeze_two_axes/",
+    "test_unsqueeze_unsorted_axes/",
     "test_upsample_nearest/",
 ]
 

Reply via email to