From 1b70a2773b4f28be23c8a40e3bfdd1e974e56dbb Mon Sep 17 00:00:00 2001 From: zjgarvey <47986913+zjgarvey@users.noreply.github.com> Date: Tue, 2 Apr 2024 14:36:11 -0500 Subject: [PATCH 1/3] Adds test for QuantizedMLP (#145) The model.onnx comes from running the QuantizedMLP_basic test in torch-mlir with the onnx config. With changes in [torch-mlir PR#3089](https://github.com/llvm/torch-mlir/pull/3089), this test with --torchtolinalg flag still fails due to issues with mixed signedness of quantized matmul arguments. See [torch-mlir#3090](https://github.com/llvm/torch-mlir/issues/3090). --- e2eshark/onnx/models/QuantizedMLP/model.onnx | Bin 0 -> 6117 bytes e2eshark/onnx/models/QuantizedMLP/model.py | 40 +++++++++++++++++++ 2 files changed, 40 insertions(+) create mode 100644 e2eshark/onnx/models/QuantizedMLP/model.onnx create mode 100644 e2eshark/onnx/models/QuantizedMLP/model.py diff --git a/e2eshark/onnx/models/QuantizedMLP/model.onnx b/e2eshark/onnx/models/QuantizedMLP/model.onnx new file mode 100644 index 0000000000000000000000000000000000000000..98a3018f8de74eeb7d53a3c4c431bb29914ab83b GIT binary patch literal 6117 zcmb_gU1%It6yDkFZpKU9ZYD8qHa4~^{tz&e-A$Vxi`J%ET&pE9Mro0C5?7Ow?53NI zSVdh$tMNgtiXvJGrBHt;21$Jo3|LyMS`_uA`jiLLf_d>F6-u<@o!!iwb7#)XMzPS4 z_MH2jzwg}p?aH!JJ8__xFAR^wg2}d2TYJx0mEEf}tNW+4TygZttlFE;O&0m@nfz37 zVyc*Fk10-LTsGZW>sat{ZEPyr8jSeU(rq(RfZeZba30Ad0I`8GBg_U9Q;taKz^^}- zwi>W+NUU}=SI&uf2Vh?HD4QU9-)hynMsr!M00~CjT;gHz2z!WChf}Ur$Fu|4!lc@+ z_G*);wPDc^4;bdwE118SkNRgMKkMV8fwRPD9LB0`?B~;QoD!!)m=P>7@ed{DRwJK< z6VBuopQF|>Dh(vbH`5~d-+7J`_|g|#_6N; zeRqGo(*JC#Ztz6(@Ui)x)ZC4C{t;~1{nQ6PCims{Hyv6xJ6+I9(chO&C+5`K_qIQG zd|UJTpFc5pX5rxFnZuXr&+huH_~2U$q577jd~)lHa|iI+kY*@{G(%F#^)N>}3ozZU@p2;w zw3lqgX76TfM$L$s%?R^m)TU+0SNUV~Hh_Us=@kZI^WYn~=}fzohG#%ewwW zqtEx{U%GAtr5W7m9kde#6{_J39;}hN4B#QQhQ2AdZ^k_hH&HBtT3R*?Xfm%H1?{Q?(3%C>)s9O%;Q%i)Gz}H~>lEeYQA&&8}G!96;xQ+A#_iYX^b@A0rM_ z%CSZSLq^fyQXUaQ61s1c^lhcW~Fb3ehaQa($}p+e!MC)KQaM z>9z$GgL4be-f|cBPY+;p-2iiM(Wu}QxmehYV2M%TPY?VQ-gFohf^&`v8DTwu|H-xR z-|0l~e+u3f6cct1n2OD){0>tU-6RLNE~-gy3|wp;czWQOKc~OiqtCzh!t0B7?JV`b z``fn{&QHI(=7`CXcG8eDSHG9ZGt63W+;a=LsFoI zoHN5zwA2vgMhq7zdz2PvZ?YNxMcI?+pzOiyuIwE?YghKeB!@w!l4W9LA2&JNC{{T-c`8xmr literal 0 HcmV?d00001 diff --git a/e2eshark/onnx/models/QuantizedMLP/model.py b/e2eshark/onnx/models/QuantizedMLP/model.py new file mode 100644 index 000000000..307fa8275 --- /dev/null +++ b/e2eshark/onnx/models/QuantizedMLP/model.py @@ -0,0 +1,40 @@ +import numpy, torch, sys +import onnxruntime + +# import from e2eshark/tools to allow running in current dir, for run through +# run.pl, commutils is symbolically linked to allow any rundir to work +sys.path.insert(0, "../../../tools/stubs") +from commonutils import E2ESHARK_CHECK_DEF + +# Create an instance of it for this test +E2ESHARK_CHECK = dict(E2ESHARK_CHECK_DEF) + + +# The generated or checked in onnx file must always be called model.onnx +# the tools/stubs/onnxmodel.py is appended to model.py +# to form runmodel.py in the rundirectory which is then taken +# through flow + + +# start an onnxrt session +session = onnxruntime.InferenceSession("model.onnx", None) + +# Even if model is quantized, the inputs and outputs are +# not, so apply float32 +model_input_X = numpy.random.rand(1, 16).astype(numpy.float32) + +# gets X in inputs[0] and Y in inputs[1] +inputs = session.get_inputs() +# gets Z in outputs[0] +outputs = session.get_outputs() + + +model_output = session.run( + [outputs[0].name], + {inputs[0].name: model_input_X}, +)[0] +E2ESHARK_CHECK["input"] = [torch.from_numpy(model_input_X)] +E2ESHARK_CHECK["output"] = [torch.from_numpy(arr) for arr in model_output] + +print("Input:", E2ESHARK_CHECK["input"]) +print("Output:", E2ESHARK_CHECK["output"]) \ No newline at end of file From da470c1ee8f42bfa3b9032386405c174ab1cf7c4 Mon Sep 17 00:00:00 2001 From: Gaurav Shukla Date: Wed, 3 Apr 2024 01:07:35 +0530 Subject: [PATCH 2/3] [ONNX] Add onnx.gather_nd test case (#144) Signed-off-by: Gaurav Shukla --- e2eshark/onnx/operators/GatherND/model.py | 77 +++++++++++++++++++++++ 1 file changed, 77 insertions(+) create mode 100644 e2eshark/onnx/operators/GatherND/model.py diff --git a/e2eshark/onnx/operators/GatherND/model.py b/e2eshark/onnx/operators/GatherND/model.py new file mode 100644 index 000000000..628edb057 --- /dev/null +++ b/e2eshark/onnx/operators/GatherND/model.py @@ -0,0 +1,77 @@ +# Copyright 2024 Advanced Micro Devices +# +# Licensed under the Apache License v2.0 with LLVM Exceptions. +# See https://llvm.org/LICENSE.txt for license information. +# SPDX-License-Identifier: Apache-2.0 WITH LLVM-exception + +# run.py creates runmodel.py by concatenating this file model.py +# and tools/stubs/onnxmodel.py +# Description: testing GatherND +# See https://onnx.ai/onnx/intro/python.html for intro on creating +# onnx model using python onnx API +import numpy, torch, sys +import onnxruntime +from onnx import numpy_helper, TensorProto, save_model +from onnx.helper import make_model, make_node, make_graph, make_tensor_value_info +from onnx.checker import check_model + +# import from e2eshark/tools to allow running in current dir, for run through +# run.pl, commutils is symbolically linked to allow any rundir to work +sys.path.insert(0, "../../../tools/stubs") +from commonutils import E2ESHARK_CHECK_DEF + +# Create an instance of it for this test +E2ESHARK_CHECK = dict(E2ESHARK_CHECK_DEF) + +# Create an input (ValueInfoProto) +D = make_tensor_value_info("D", TensorProto.FLOAT, [2, 2, 3]) +I = make_tensor_value_info("I", TensorProto.INT64, [2, 3, 2]) + +# Create an output +Z = make_tensor_value_info("Z", TensorProto.FLOAT, [2, 3, 3]) + +# Create a node (NodeProto) +gather_nd_node = make_node( + "GatherND", ["D", "I"], ["Z"], "gather_nd_node" # node name # inputs # outputs +) + +# Create the graph (GraphProto) +graph = make_graph( + [gather_nd_node], + "gather_nd_graph", + [D, I], + [Z], +) + +# Create the model (ModelProto) +onnx_model = make_model(graph) +onnx_model.opset_import[0].version = 13 + +# Save the model +# save_model(onnx_model, "model.onnx") +with open("model.onnx", "wb") as f: + f.write(onnx_model.SerializeToString()) + + +session = onnxruntime.InferenceSession("model.onnx", None) +model_input_D = numpy.random.randn(2, 2, 3).astype(numpy.float32) +model_input_I = numpy.random.randint(2, size=(2, 3, 2)).astype(numpy.int64) +# gets D in inputs[0] and I in inputs[1] +inputs = session.get_inputs() +# gets Z in outputs[0] +outputs = session.get_outputs() + +model_output = session.run( + [outputs[0].name], + {inputs[0].name: model_input_D, inputs[1].name: model_input_I}, +) + +# Moving to torch to handle bfloat16 as numpy does not support bfloat16 +E2ESHARK_CHECK["input"] = [ + torch.from_numpy(model_input_D), + torch.from_numpy(model_input_I), +] +E2ESHARK_CHECK["output"] = [torch.from_numpy(arr) for arr in model_output] + +print("Input:", E2ESHARK_CHECK["input"]) +print("Output:", E2ESHARK_CHECK["output"]) From 30a605d47a4fa6ee1734986e88a82a253c876b03 Mon Sep 17 00:00:00 2001 From: Scott Todd Date: Tue, 2 Apr 2024 13:19:28 -0700 Subject: [PATCH 3/3] Sync iree_tests config file with upstream. (#148) Also simplify the GPU config, since it is just a reference file. --- iree_tests/README.md | 6 +- iree_tests/configs/config_gpu_vulkan.json | 867 +----------------- ...nc.json => config_onnx_cpu_llvm_sync.json} | 23 +- iree_tests/conftest.py | 3 +- 4 files changed, 14 insertions(+), 885 deletions(-) rename iree_tests/configs/{config_cpu_llvm_sync.json => config_onnx_cpu_llvm_sync.json} (98%) diff --git a/iree_tests/README.md b/iree_tests/README.md index 69dcc0ca5..10457281e 100644 --- a/iree_tests/README.md +++ b/iree_tests/README.md @@ -48,7 +48,7 @@ Tests are run using the [pytest](https://docs.pytest.org/en/stable/) framework. A [`conftest.py`](conftest.py) file collects test cases from subdirectories, wrapping each directory matching the format described above to one test case per test configuration. Test configurations are defined in JSON config files -like [`configs/config_cpu_llvm_sync.json`](./configs/config_cpu_llvm_sync.json). +like [`configs/config_onnx_cpu_llvm_sync.json`](./configs/config_onnx_cpu_llvm_sync.json). ### Common venv setup with deps @@ -103,7 +103,7 @@ Run ONNX tests on CPU and print all errors: ```bash $ pytest iree_tests/onnx -n auto \ --ignore-xfails \ - --config-files ./iree_tests/configs/config_cpu_llvm_sync.json + --config-files ./iree_tests/configs/config_onnx_cpu_llvm_sync.json ``` Run ONNX compilation tests only and print all errors: @@ -111,7 +111,7 @@ Run ONNX compilation tests only and print all errors: ```bash $ pytest iree_tests/onnx -n auto \ --ignore-xfails --skip-all-runs \ - --config-files ./iree_tests/configs/config_cpu_llvm_sync.json + --config-files ./iree_tests/configs/config_onnx_cpu_llvm_sync.json ``` ### Advanced pytest usage tips diff --git a/iree_tests/configs/config_gpu_vulkan.json b/iree_tests/configs/config_gpu_vulkan.json index f7acef00e..8ca42b32b 100644 --- a/iree_tests/configs/config_gpu_vulkan.json +++ b/iree_tests/configs/config_gpu_vulkan.json @@ -13,872 +13,9 @@ ], "skip_run_tests": [], "expected_compile_failures": [ - "test_acos", - "test_acos_example", - "test_acosh", - "test_acosh_example", - "test_adagrad", - "test_adagrad_multiple", - "test_adam", - "test_adam_multiple", - "test_affine_grid_2d", - "test_affine_grid_2d_align_corners", - "test_affine_grid_2d_align_corners_expanded", - "test_affine_grid_2d_expanded", - "test_affine_grid_3d", - "test_affine_grid_3d_align_corners", - "test_affine_grid_3d_align_corners_expanded", - "test_affine_grid_3d_expanded", - "test_ai_onnx_ml_array_feature_extractor", - "test_ai_onnx_ml_binarizer", - "test_ai_onnx_ml_label_encoder_string_int", - "test_ai_onnx_ml_label_encoder_string_int_no_default", - "test_ai_onnx_ml_label_encoder_tensor_value_only_mapping", - "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_asin", - "test_asin_example", - "test_asinh", - "test_asinh_example", - "test_atanh", - "test_atanh_example", - "test_averagepool_1d_default", - "test_averagepool_2d_ceil", - "test_averagepool_2d_default", - "test_averagepool_2d_dilations", - "test_averagepool_2d_pads", - "test_averagepool_2d_pads_count_include_pad", - "test_averagepool_2d_precomputed_pads", - "test_averagepool_2d_precomputed_pads_count_include_pad", - "test_averagepool_2d_precomputed_same_upper", - "test_averagepool_2d_precomputed_strides", - "test_averagepool_2d_same_lower", - "test_averagepool_2d_same_upper", - "test_averagepool_2d_strides", - "test_averagepool_3d_default", - "test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_False", - "test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_True", - "test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_False", - "test_averagepool_3d_dilations_large_count_include_pad_is_1_ceil_mode_is_True", - "test_averagepool_3d_dilations_small", - "test_basic_deform_conv_with_padding", - "test_basic_deform_conv_without_padding", - "test_batchnorm_epsilon_training_mode", - "test_batchnorm_example_training_mode", - "test_bernoulli_double", - "test_bernoulli_double_expanded", - "test_bernoulli_expanded", - "test_bernoulli_seed", - "test_bernoulli_seed_expanded", - "test_blackmanwindow", - "test_blackmanwindow_symmetric", - "test_cast_FLOAT16_to_FLOAT8E4M3FN", - "test_cast_FLOAT16_to_FLOAT8E4M3FNUZ", - "test_cast_FLOAT16_to_FLOAT8E5M2", - "test_cast_FLOAT16_to_FLOAT8E5M2FNUZ", - "test_cast_FLOAT8E4M3FNUZ_to_FLOAT", - "test_cast_FLOAT8E4M3FNUZ_to_FLOAT16", - "test_cast_FLOAT8E4M3FN_to_FLOAT", - "test_cast_FLOAT8E4M3FN_to_FLOAT16", - "test_cast_FLOAT8E5M2FNUZ_to_FLOAT", - "test_cast_FLOAT8E5M2FNUZ_to_FLOAT16", - "test_cast_FLOAT8E5M2_to_FLOAT", - "test_cast_FLOAT8E5M2_to_FLOAT16", - "test_cast_FLOAT_to_FLOAT8E4M3FN", - "test_cast_FLOAT_to_FLOAT8E4M3FNUZ", - "test_cast_FLOAT_to_FLOAT8E5M2", - "test_cast_FLOAT_to_FLOAT8E5M2FNUZ", - "test_cast_FLOAT_to_STRING", - "test_cast_STRING_to_FLOAT", - "test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FN", - "test_cast_no_saturate_FLOAT16_to_FLOAT8E4M3FNUZ", - "test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2", - "test_cast_no_saturate_FLOAT16_to_FLOAT8E5M2FNUZ", - "test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FN", - "test_cast_no_saturate_FLOAT_to_FLOAT8E4M3FNUZ", - "test_cast_no_saturate_FLOAT_to_FLOAT8E5M2", - "test_cast_no_saturate_FLOAT_to_FLOAT8E5M2FNUZ", - "test_castlike_FLOAT8E4M3FNUZ_to_FLOAT", - "test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded", - "test_castlike_FLOAT8E4M3FN_to_FLOAT", - "test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded", - "test_castlike_FLOAT8E5M2FNUZ_to_FLOAT", - "test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded", - "test_castlike_FLOAT8E5M2_to_FLOAT", - "test_castlike_FLOAT8E5M2_to_FLOAT_expanded", - "test_castlike_FLOAT_to_FLOAT8E4M3FN", - "test_castlike_FLOAT_to_FLOAT8E4M3FNUZ", - "test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded", - "test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded", - "test_castlike_FLOAT_to_FLOAT8E5M2", - "test_castlike_FLOAT_to_FLOAT8E5M2FNUZ", - "test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded", - "test_castlike_FLOAT_to_FLOAT8E5M2_expanded", - "test_castlike_FLOAT_to_STRING", - "test_castlike_FLOAT_to_STRING_expanded", - "test_castlike_STRING_to_FLOAT", - "test_castlike_STRING_to_FLOAT_expanded", - "test_center_crop_pad_crop", - "test_center_crop_pad_crop_and_pad", - "test_center_crop_pad_crop_and_pad_expanded", - "test_center_crop_pad_crop_axes_chw", - "test_center_crop_pad_crop_axes_chw_expanded", - "test_center_crop_pad_crop_axes_hwc", - "test_center_crop_pad_crop_axes_hwc_expanded", - "test_center_crop_pad_crop_expanded", - "test_center_crop_pad_crop_negative_axes_hwc", - "test_center_crop_pad_crop_negative_axes_hwc_expanded", - "test_center_crop_pad_pad", - "test_center_crop_pad_pad_expanded", - "test_col2im", - "test_col2im_5d", - "test_col2im_dilations", - "test_col2im_pads", - "test_col2im_strides", - "test_compress_0", - "test_compress_1", - "test_compress_default_axis", - "test_compress_negative_axis", - "test_constant_pad_axes", - "test_constant_pad_negative_axes", - "test_conv_with_autopad_same", - "test_convinteger_with_padding", - "test_convinteger_without_padding", - "test_convtranspose_autopad_same", - "test_convtranspose_kernel_shape", - "test_convtranspose_output_shape", - "test_cosh", - "test_cosh_example", - "test_cumsum_1d", - "test_cumsum_1d_exclusive", - "test_cumsum_1d_reverse", - "test_cumsum_1d_reverse_exclusive", - "test_cumsum_2d_axis_0", - "test_cumsum_2d_axis_1", - "test_cumsum_2d_negative_axis", - "test_deform_conv_with_mask_bias", - "test_deform_conv_with_multiple_offset_groups", - "test_dequantizelinear_axis", - "test_dequantizelinear_blocked", - "test_dequantizelinear_e4m3fn", - "test_dequantizelinear_e4m3fn_zero_point", - "test_dequantizelinear_e5m2", - "test_dequantizelinear_int16", - "test_dequantizelinear_uint16", - "test_det_2d", - "test_det_nd", - "test_dft", - "test_dft_axis", - "test_dft_axis_opset19", - "test_dft_inverse", - "test_dft_inverse_opset19", - "test_dft_opset19", - "test_dynamicquantizelinear_expanded", - "test_dynamicquantizelinear_max_adjusted_expanded", - "test_dynamicquantizelinear_min_adjusted_expanded", - "test_edge_pad", - "test_einsum_batch_diagonal", - "test_einsum_batch_matmul", - "test_einsum_inner_prod", - "test_einsum_sum", - "test_einsum_transpose", - "test_equal_string", - "test_equal_string_broadcast", - "test_eyelike_populate_off_main_diagonal", - "test_eyelike_with_dtype", - "test_eyelike_without_dtype", - "test_gathernd_example_float32", - "test_gathernd_example_int32_batch_dim1", - "test_gelu_tanh_1", - "test_gelu_tanh_2", - "test_globalmaxpool", - "test_globalmaxpool_precomputed", - "test_gridsample", - "test_gridsample_aligncorners_true", - "test_gridsample_bicubic", - "test_gridsample_bicubic_align_corners_0_additional_1", - "test_gridsample_bicubic_align_corners_1_additional_1", - "test_gridsample_bilinear", - "test_gridsample_bilinear_align_corners_0_additional_1", - "test_gridsample_bilinear_align_corners_1_additional_1", - "test_gridsample_border_padding", - "test_gridsample_nearest", - "test_gridsample_nearest_align_corners_0_additional_1", - "test_gridsample_nearest_align_corners_1_additional_1", - "test_gridsample_reflection_padding", - "test_gridsample_volumetric_bilinear_align_corners_0", - "test_gridsample_volumetric_bilinear_align_corners_1", - "test_gridsample_volumetric_nearest_align_corners_0", - "test_gridsample_volumetric_nearest_align_corners_1", - "test_gridsample_zeros_padding", - "test_group_normalization_epsilon", - "test_group_normalization_epsilon_expanded", - "test_group_normalization_example", - "test_group_normalization_example_expanded", - "test_gru_batchwise", - "test_gru_defaults", - "test_gru_seq_length", - "test_gru_with_initial_bias", - "test_hammingwindow", - "test_hammingwindow_symmetric", - "test_hannwindow", - "test_hannwindow_symmetric", - "test_hardmax_axis_0", - "test_hardmax_axis_1", - "test_hardmax_axis_2", - "test_hardmax_default_axis", - "test_hardmax_example", - "test_hardmax_negative_axis", - "test_hardmax_one_hot", - "test_if", - "test_image_decoder_decode_bmp_rgb", - "test_image_decoder_decode_jpeg2k_rgb", - "test_image_decoder_decode_jpeg_bgr", - "test_image_decoder_decode_jpeg_grayscale", - "test_image_decoder_decode_jpeg_rgb", - "test_image_decoder_decode_png_rgb", - "test_image_decoder_decode_pnm_rgb", - "test_image_decoder_decode_tiff_rgb", - "test_image_decoder_decode_webp_rgb", - "test_loop11", - "test_lppool_1d_default", - "test_lppool_2d_default", - "test_lppool_2d_dilations", - "test_lppool_2d_pads", - "test_lppool_2d_same_lower", - "test_lppool_2d_same_upper", - "test_lppool_2d_strides", - "test_lppool_3d_default", - "test_lrn", - "test_lrn_default", - "test_lstm_batchwise", - "test_lstm_defaults", - "test_lstm_with_initial_bias", - "test_lstm_with_peepholes", - "test_matmulinteger", - "test_max_one_input", - "test_maxpool_1d_default", - "test_maxpool_2d_precomputed_same_upper", - "test_maxpool_2d_same_lower", - "test_maxpool_2d_same_upper", - "test_maxpool_2d_uint8", - "test_maxpool_with_argmax_2d_precomputed_pads", - "test_maxpool_with_argmax_2d_precomputed_strides", - "test_maxunpool_export_with_output_shape", - "test_maxunpool_export_without_output_shape", - "test_melweightmatrix", - "test_min_one_input", - "test_mod_int64_fmod", - "test_mod_mixed_sign_float16", - "test_mod_mixed_sign_float32", - "test_mod_mixed_sign_float64", - "test_mod_mixed_sign_int64", - "test_mod_uint64", - "test_momentum", - "test_momentum_multiple", - "test_mvn", - "test_nesterov_momentum", - "test_nllloss_NC", - "test_nllloss_NCd1", - "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_no_weight_reduction_mean_ii", - "test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded", - "test_nllloss_NCd1d2_reduction_mean", - "test_nllloss_NCd1d2_reduction_sum", - "test_nllloss_NCd1d2_reduction_sum_expanded", - "test_nllloss_NCd1d2_with_weight", - "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_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_nonmaxsuppression_center_point_box_format", - "test_nonmaxsuppression_flipped_coordinates", - "test_nonmaxsuppression_identical_boxes", - "test_nonmaxsuppression_limit_output_size", - "test_nonmaxsuppression_single_box", - "test_nonmaxsuppression_suppress_by_IOU", - "test_nonmaxsuppression_suppress_by_IOU_and_scores", - "test_nonmaxsuppression_two_batches", - "test_nonmaxsuppression_two_classes", - "test_nonzero_example", - "test_onehot_negative_indices", - "test_onehot_with_axis", - "test_onehot_with_negative_axis", - "test_onehot_without_axis", - "test_optional_get_element_tensor", - "test_optional_has_element_empty_no_input_name_optional_input", - "test_optional_has_element_empty_no_input_name_tensor_input", - "test_optional_has_element_empty_no_input_optional_input", - "test_optional_has_element_empty_no_input_tensor_input", - "test_pow_types_int32_float32", - "test_pow_types_int32_int32", - "test_pow_types_int64_float32", - "test_pow_types_int64_int64", - "test_qlinearmatmul_2D_uint8_float16", - "test_qlinearmatmul_2D_uint8_float32", - "test_quantizelinear_axis", - "test_quantizelinear_blocked", - "test_quantizelinear_e4m3fn", - "test_quantizelinear_e5m2", - "test_quantizelinear_int16", - "test_quantizelinear_uint16", - "test_range_float_type_positive_delta_expanded", - "test_range_int32_type_negative_delta_expanded", - "test_reduce_l1_default_axes_keepdims_example", - "test_reduce_l1_default_axes_keepdims_random", - "test_reduce_l1_do_not_keepdims_example", - "test_reduce_l1_do_not_keepdims_example_expanded", - "test_reduce_l1_do_not_keepdims_random", - "test_reduce_l1_do_not_keepdims_random_expanded", - "test_reduce_l1_empty_set", - "test_reduce_l1_empty_set_expanded", - "test_reduce_l1_keep_dims_example", - "test_reduce_l1_keep_dims_example_expanded", - "test_reduce_l1_keep_dims_random", - "test_reduce_l1_keep_dims_random_expanded", - "test_reduce_l1_negative_axes_keep_dims_example", - "test_reduce_l1_negative_axes_keep_dims_example_expanded", - "test_reduce_l1_negative_axes_keep_dims_random", - "test_reduce_l1_negative_axes_keep_dims_random_expanded", - "test_reduce_l2_default_axes_keepdims_example", - "test_reduce_l2_default_axes_keepdims_example_expanded", - "test_reduce_l2_default_axes_keepdims_random", - "test_reduce_l2_default_axes_keepdims_random_expanded", - "test_reduce_l2_do_not_keepdims_example", - "test_reduce_l2_do_not_keepdims_example_expanded", - "test_reduce_l2_do_not_keepdims_random", - "test_reduce_l2_do_not_keepdims_random_expanded", - "test_reduce_l2_empty_set", - "test_reduce_l2_empty_set_expanded", - "test_reduce_l2_keep_dims_example", - "test_reduce_l2_keep_dims_example_expanded", - "test_reduce_l2_keep_dims_random", - "test_reduce_l2_keep_dims_random_expanded", - "test_reduce_l2_negative_axes_keep_dims_example", - "test_reduce_l2_negative_axes_keep_dims_example_expanded", - "test_reduce_l2_negative_axes_keep_dims_random", - "test_reduce_l2_negative_axes_keep_dims_random_expanded", - "test_reduce_log_sum_asc_axes", - "test_reduce_log_sum_asc_axes_expanded", - "test_reduce_log_sum_default", - "test_reduce_log_sum_default_expanded", - "test_reduce_log_sum_desc_axes", - "test_reduce_log_sum_desc_axes_expanded", - "test_reduce_log_sum_empty_set", - "test_reduce_log_sum_empty_set_expanded", - "test_reduce_log_sum_exp_default_axes_keepdims_example", - "test_reduce_log_sum_exp_default_axes_keepdims_example_expanded", - "test_reduce_log_sum_exp_default_axes_keepdims_random", - "test_reduce_log_sum_exp_default_axes_keepdims_random_expanded", - "test_reduce_log_sum_exp_do_not_keepdims_example", - "test_reduce_log_sum_exp_do_not_keepdims_example_expanded", - "test_reduce_log_sum_exp_do_not_keepdims_random", - "test_reduce_log_sum_exp_do_not_keepdims_random_expanded", - "test_reduce_log_sum_exp_empty_set", - "test_reduce_log_sum_exp_empty_set_expanded", - "test_reduce_log_sum_exp_keepdims_example", - "test_reduce_log_sum_exp_keepdims_example_expanded", - "test_reduce_log_sum_exp_keepdims_random", - "test_reduce_log_sum_exp_keepdims_random_expanded", - "test_reduce_log_sum_exp_negative_axes_keepdims_example", - "test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded", - "test_reduce_log_sum_exp_negative_axes_keepdims_random", - "test_reduce_log_sum_exp_negative_axes_keepdims_random_expanded", - "test_reduce_log_sum_negative_axes", - "test_reduce_log_sum_negative_axes_expanded", - "test_reduce_max_bool_inputs", - "test_reduce_max_do_not_keepdims_example", - "test_reduce_max_do_not_keepdims_random", - "test_reduce_max_keepdims_example", - "test_reduce_max_keepdims_random", - "test_reduce_max_negative_axes_keepdims_example", - "test_reduce_max_negative_axes_keepdims_random", - "test_reduce_mean_do_not_keepdims_example", - "test_reduce_mean_do_not_keepdims_random", - "test_reduce_mean_keepdims_example", - "test_reduce_mean_keepdims_random", - "test_reduce_mean_negative_axes_keepdims_example", - "test_reduce_mean_negative_axes_keepdims_random", - "test_reduce_min_bool_inputs", - "test_reduce_min_do_not_keepdims_example", - "test_reduce_min_do_not_keepdims_random", - "test_reduce_min_keepdims_example", - "test_reduce_min_keepdims_random", - "test_reduce_min_negative_axes_keepdims_example", - "test_reduce_min_negative_axes_keepdims_random", - "test_reduce_prod_do_not_keepdims_example", - "test_reduce_prod_do_not_keepdims_random", - "test_reduce_prod_empty_set", - "test_reduce_prod_keepdims_example", - "test_reduce_prod_keepdims_random", - "test_reduce_prod_negative_axes_keepdims_example", - "test_reduce_prod_negative_axes_keepdims_random", - "test_reduce_sum_do_not_keepdims_example", - "test_reduce_sum_do_not_keepdims_random", - "test_reduce_sum_empty_set", - "test_reduce_sum_empty_set_non_reduced_axis_zero", - "test_reduce_sum_keepdims_example", - "test_reduce_sum_keepdims_random", - "test_reduce_sum_negative_axes_keepdims_example", - "test_reduce_sum_square_default_axes_keepdims_example", - "test_reduce_sum_square_default_axes_keepdims_random", - "test_reduce_sum_square_do_not_keepdims_example", - "test_reduce_sum_square_do_not_keepdims_example_expanded", - "test_reduce_sum_square_do_not_keepdims_random", - "test_reduce_sum_square_do_not_keepdims_random_expanded", - "test_reduce_sum_square_empty_set", - "test_reduce_sum_square_empty_set_expanded", - "test_reduce_sum_square_keepdims_example", - "test_reduce_sum_square_keepdims_example_expanded", - "test_reduce_sum_square_keepdims_random", - "test_reduce_sum_square_keepdims_random_expanded", - "test_reduce_sum_square_negative_axes_keepdims_example", - "test_reduce_sum_square_negative_axes_keepdims_example_expanded", - "test_reduce_sum_square_negative_axes_keepdims_random", - "test_reduce_sum_square_negative_axes_keepdims_random_expanded", - "test_reflect_pad", - "test_regex_full_match_basic", - "test_regex_full_match_email_domain", - "test_regex_full_match_empty", - "test_reshape_allowzero_reordered", - "test_resize_downsample_scales_cubic", - "test_resize_downsample_scales_cubic_A_n0p5_exclude_outside", - "test_resize_downsample_scales_cubic_align_corners", - "test_resize_downsample_scales_cubic_antialias", - "test_resize_downsample_scales_linear", - "test_resize_downsample_scales_linear_align_corners", - "test_resize_downsample_scales_linear_antialias", - "test_resize_downsample_scales_linear_half_pixel_symmetric", - "test_resize_downsample_scales_nearest", - "test_resize_downsample_sizes_cubic", - "test_resize_downsample_sizes_cubic_antialias", - "test_resize_downsample_sizes_linear_antialias", - "test_resize_downsample_sizes_linear_pytorch_half_pixel", - "test_resize_downsample_sizes_nearest", - "test_resize_downsample_sizes_nearest_not_larger", - "test_resize_downsample_sizes_nearest_not_smaller", - "test_resize_tf_crop_and_resize", - "test_resize_tf_crop_and_resize_axes_2_3", - "test_resize_tf_crop_and_resize_axes_3_2", - "test_resize_upsample_scales_cubic", - "test_resize_upsample_scales_cubic_A_n0p5_exclude_outside", - "test_resize_upsample_scales_cubic_align_corners", - "test_resize_upsample_scales_cubic_asymmetric", - "test_resize_upsample_scales_linear", - "test_resize_upsample_scales_linear_align_corners", - "test_resize_upsample_scales_linear_half_pixel_symmetric", - "test_resize_upsample_scales_nearest", - "test_resize_upsample_scales_nearest_axes_2_3", - "test_resize_upsample_scales_nearest_axes_3_2", - "test_resize_upsample_sizes_cubic", - "test_resize_upsample_sizes_nearest", - "test_resize_upsample_sizes_nearest_axes_2_3", - "test_resize_upsample_sizes_nearest_axes_3_2", - "test_resize_upsample_sizes_nearest_ceil_half_pixel", - "test_resize_upsample_sizes_nearest_floor_align_corners", - "test_resize_upsample_sizes_nearest_not_larger", - "test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric", - "test_reversesequence_batch", - "test_reversesequence_time", - "test_rnn_seq_length", - "test_roialign_aligned_false", - "test_roialign_aligned_true", - "test_roialign_mode_max", - "test_scan9_sum", - "test_scan_sum", - "test_scatter_elements_with_duplicate_indices", - "test_scatter_elements_with_reduction_max", - "test_scatter_elements_with_reduction_min", - "test_scatter_with_axis", - "test_scatter_without_axis", - "test_scatternd", - "test_scatternd_add", - "test_scatternd_max", - "test_scatternd_min", - "test_scatternd_multiply", - "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_shrink_hard", - "test_shrink_soft", - "test_simple_rnn_batchwise", - "test_simple_rnn_defaults", - "test_simple_rnn_with_initial_bias", - "test_sinh", - "test_sinh_example", - "test_slice", - "test_slice_default_steps", - "test_slice_end_out_of_bounds", - "test_slice_neg", - "test_slice_neg_steps", - "test_slice_negative_axes", - "test_slice_start_out_of_bounds", - "test_softsign", - "test_softsign_example", - "test_spacetodepth", - "test_spacetodepth_example", - "test_split_1d_uneven_split_opset18", - "test_split_2d_uneven_split_opset18", - "test_split_equal_parts_1d_opset13", - "test_split_equal_parts_1d_opset18", - "test_split_equal_parts_2d", - "test_split_equal_parts_2d_opset13", - "test_split_equal_parts_default_axis_opset13", - "test_split_equal_parts_default_axis_opset18", - "test_split_variable_parts_1d_opset13", - "test_split_variable_parts_1d_opset18", - "test_split_variable_parts_2d_opset13", - "test_split_variable_parts_2d_opset18", - "test_split_variable_parts_default_axis_opset13", - "test_split_variable_parts_default_axis_opset18", - "test_split_zero_size_splits_opset13", - "test_split_zero_size_splits_opset18", - "test_squeeze", - "test_squeeze_negative_axes", - "test_stft", - "test_stft_with_window", - "test_string_concat", - "test_string_concat_broadcasting", - "test_string_concat_empty_string", - "test_string_concat_utf8", - "test_string_concat_zero_dimensional", - "test_string_split_basic", - "test_string_split_consecutive_delimiters", - "test_string_split_empty_string_delimiter", - "test_string_split_empty_tensor", - "test_string_split_maxsplit", - "test_string_split_no_delimiter", - "test_strnormalizer_export_monday_casesensintive_lower", - "test_strnormalizer_export_monday_casesensintive_nochangecase", - "test_strnormalizer_export_monday_casesensintive_upper", - "test_strnormalizer_export_monday_empty_output", - "test_strnormalizer_export_monday_insensintive_upper_twodim", - "test_strnormalizer_nostopwords_nochangecase", - "test_tfidfvectorizer_tf_batch_onlybigrams_skip0", - "test_tfidfvectorizer_tf_batch_onlybigrams_skip5", - "test_tfidfvectorizer_tf_batch_uniandbigrams_skip5", - "test_tfidfvectorizer_tf_only_bigrams_skip0", - "test_tfidfvectorizer_tf_onlybigrams_levelempty", - "test_tfidfvectorizer_tf_onlybigrams_skip5", - "test_tfidfvectorizer_tf_uniandbigrams_skip5", - "test_thresholdedrelu", - "test_thresholdedrelu_default", - "test_thresholdedrelu_example", - "test_tile", - "test_tile_precomputed", - "test_top_k", - "test_top_k_negative_axis", - "test_top_k_smallest", - "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_triu", - "test_triu_neg", - "test_triu_one_row", - "test_triu_out_neg_out", - "test_triu_out_pos", - "test_triu_pos", - "test_triu_square", - "test_triu_square_neg", - "test_triu_zero", - "test_unique_not_sorted_without_axis", - "test_unique_sorted_with_axis", - "test_unique_sorted_with_axis_3d", - "test_unique_sorted_with_negative_axis", - "test_unique_sorted_without_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", - "test_wrap_pad", - - // These pass on CPU but fail on Vulkan. - "test_min_uint8", - "test_min_uint16", - "test_max_uint8", - "test_max_uint16", + // Empty to keep this file as a simple demo. ], "expected_run_failures": [ - "test_add_uint8", - "test_argmax_default_axis_example", - "test_argmax_default_axis_random", - "test_argmax_keepdims_example", - "test_argmax_keepdims_random", - "test_argmax_negative_axis_keepdims_example", - "test_argmax_negative_axis_keepdims_random", - "test_argmax_no_keepdims_example", - "test_argmax_no_keepdims_random", - "test_argmin_default_axis_example", - "test_argmin_default_axis_random", - "test_argmin_keepdims_example", - "test_argmin_keepdims_random", - "test_argmin_negative_axis_keepdims_example", - "test_argmin_negative_axis_keepdims_random", - "test_argmin_no_keepdims_example", - "test_argmin_no_keepdims_random", - "test_bernoulli", - "test_bitshift_left_uint16", - "test_bitshift_left_uint32", - "test_bitshift_left_uint64", - "test_bitshift_left_uint8", - "test_bitshift_right_uint16", - "test_bitshift_right_uint32", - "test_bitshift_right_uint64", - "test_bitshift_right_uint8", - "test_bitwise_and_i16_3d", - "test_bitwise_and_i32_2d", - "test_bitwise_and_ui64_bcast_3v1d", - "test_bitwise_and_ui8_bcast_4v3d", - "test_bitwise_not_2d", - "test_bitwise_not_3d", - "test_bitwise_not_4d", - "test_bitwise_or_i16_4d", - "test_bitwise_or_i32_2d", - "test_bitwise_or_ui64_bcast_3v1d", - "test_bitwise_or_ui8_bcast_4v3d", - "test_bitwise_xor_i16_3d", - "test_bitwise_xor_i32_2d", - "test_bitwise_xor_ui64_bcast_3v1d", - "test_bitwise_xor_ui8_bcast_4v3d", - "test_cast_BFLOAT16_to_FLOAT", - "test_cast_DOUBLE_to_FLOAT", - "test_cast_DOUBLE_to_FLOAT16", - "test_cast_FLOAT16_to_DOUBLE", - "test_cast_FLOAT_to_BFLOAT16", - "test_cast_FLOAT_to_DOUBLE", - "test_castlike_BFLOAT16_to_FLOAT", - "test_castlike_BFLOAT16_to_FLOAT_expanded", - "test_castlike_DOUBLE_to_FLOAT", - "test_castlike_DOUBLE_to_FLOAT16", - "test_castlike_DOUBLE_to_FLOAT16_expanded", - "test_castlike_DOUBLE_to_FLOAT_expanded", - "test_castlike_FLOAT16_to_DOUBLE", - "test_castlike_FLOAT16_to_DOUBLE_expanded", - "test_castlike_FLOAT_to_BFLOAT16", - "test_castlike_FLOAT_to_BFLOAT16_expanded", - "test_castlike_FLOAT_to_DOUBLE", - "test_castlike_FLOAT_to_DOUBLE_expanded", - "test_clip_default_int8_inbounds", - "test_clip_default_int8_max", - "test_clip_default_int8_max_expanded", - "test_clip_default_int8_min", - "test_clip_default_int8_min_expanded", - "test_constant_pad", - "test_constantofshape_float_ones", - "test_constantofshape_int_shape_zero", - "test_constantofshape_int_zeros", - "test_div_uint8", - "test_dropout_default_mask_ratio", - "test_dynamicquantizelinear", - "test_dynamicquantizelinear_max_adjusted", - "test_dynamicquantizelinear_min_adjusted", - "test_elu_default", - "test_gather_elements_negative_indices", - "test_gathernd_example_int32", - "test_hardsigmoid", - "test_hardsigmoid_default", - "test_hardsigmoid_example", - "test_hardswish_expanded", - "test_max_float64", - "test_max_int16", - "test_max_int32", - "test_max_int64", - "test_max_int8", - "test_max_uint16", - "test_max_uint32", - "test_max_uint64", - "test_max_uint8", - "test_min_float64", - "test_min_int16", - "test_min_int32", - "test_min_int64", - "test_min_int8", - "test_min_uint16", - "test_min_uint32", - "test_min_uint64", - "test_min_uint8", - "test_mod_broadcast", - "test_mod_mixed_sign_int16", - "test_mod_mixed_sign_int32", - "test_mod_mixed_sign_int8", - "test_mod_uint16", - "test_mod_uint32", - "test_mod_uint8", - "test_mul_uint8", - "test_pow", - "test_pow_example", - "test_pow_types_float32_int32", - "test_pow_types_float32_int64", - "test_pow_types_float32_uint32", - "test_pow_types_float32_uint64", - "test_qlinearconv", - "test_qlinearmatmul_2D_int8_float16", - "test_qlinearmatmul_2D_int8_float32", - "test_qlinearmatmul_3D_int8_float16", - "test_qlinearmatmul_3D_int8_float32", - "test_qlinearmatmul_3D_uint8_float16", - "test_qlinearmatmul_3D_uint8_float32", - "test_quantizelinear", - "test_range_int32_type_negative_delta", - "test_scatter_elements_with_negative_indices", - "test_selu_default", - "test_shape", - "test_shape_clip_end", - "test_shape_clip_start", - "test_shape_end_1", - "test_shape_end_negative_1", - "test_shape_example", - "test_shape_start_1", - "test_shape_start_1_end_2", - "test_shape_start_1_end_negative_1", - "test_shape_start_negative_1", - "test_size", - "test_size_example", - "test_sub_uint8", - "test_tril", - "test_tril_neg", - "test_tril_one_row_neg", - "test_tril_out_neg", - "test_tril_out_pos", - "test_tril_pos", - "test_tril_square", - "test_tril_square_neg", - "test_tril_zero", - "test_where_long_example", - - // These pass on CPU but fail on Vulkan. - "test_and_bcast3v1d", - "test_and_bcast4v2d", - "test_and_bcast4v4d", - "test_cast_FLOAT16_to_FLOAT", - "test_cast_FLOAT_to_FLOAT16", - "test_castlike_FLOAT16_to_FLOAT", - "test_castlike_FLOAT16_to_FLOAT_expanded", - "test_castlike_FLOAT_to_FLOAT16", - "test_castlike_FLOAT_to_FLOAT16_expanded", - "test_clip_default_int8_inbounds_expanded", - "test_isinf_float16", - "test_isnan_float16", - "test_max_float16", - "test_min_float16", - "test_or_bcast3v1d", - "test_or_bcast4v2d", - "test_or_bcast4v4d", - "test_reduce_l1_default_axes_keepdims_example_expanded", - "test_reduce_l1_default_axes_keepdims_random_expanded", - "test_reduce_mean_default_axes_keepdims_example", - "test_reduce_mean_default_axes_keepdims_random", - "test_reduce_min_empty_set", - "test_reduce_sum_default_axes_keepdims_example", - "test_reduce_sum_default_axes_keepdims_random", - "test_reduce_sum_empty_axes_input_noop_example", - "test_reduce_sum_negative_axes_keepdims_random", - "test_reduce_sum_square_default_axes_keepdims_example_expanded", - "test_reduce_sum_square_default_axes_keepdims_random_expanded", - "test_xor_bcast3v1d", - "test_xor_bcast4v2d", - "test_xor_bcast4v4d", + // Empty to keep this file as a simple demo. ] } diff --git a/iree_tests/configs/config_cpu_llvm_sync.json b/iree_tests/configs/config_onnx_cpu_llvm_sync.json similarity index 98% rename from iree_tests/configs/config_cpu_llvm_sync.json rename to iree_tests/configs/config_onnx_cpu_llvm_sync.json index 19d0fcc5b..b3aab4e67 100644 --- a/iree_tests/configs/config_cpu_llvm_sync.json +++ b/iree_tests/configs/config_onnx_cpu_llvm_sync.json @@ -56,19 +56,12 @@ "test_asinh_example", "test_atanh", "test_atanh_example", - "test_averagepool_1d_default", - "test_averagepool_2d_ceil", - "test_averagepool_2d_default", "test_averagepool_2d_dilations", "test_averagepool_2d_pads", - "test_averagepool_2d_pads_count_include_pad", "test_averagepool_2d_precomputed_pads", - "test_averagepool_2d_precomputed_pads_count_include_pad", "test_averagepool_2d_precomputed_same_upper", - "test_averagepool_2d_precomputed_strides", "test_averagepool_2d_same_lower", "test_averagepool_2d_same_upper", - "test_averagepool_2d_strides", "test_averagepool_3d_default", "test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_False", "test_averagepool_3d_dilations_large_count_include_pad_is_0_ceil_mode_is_True", @@ -187,9 +180,6 @@ "test_dft_inverse", "test_dft_inverse_opset19", "test_dft_opset19", - "test_dynamicquantizelinear_expanded", - "test_dynamicquantizelinear_max_adjusted_expanded", - "test_dynamicquantizelinear_min_adjusted_expanded", "test_edge_pad", "test_einsum_batch_diagonal", "test_einsum_batch_matmul", @@ -201,7 +191,6 @@ "test_eyelike_populate_off_main_diagonal", "test_eyelike_with_dtype", "test_eyelike_without_dtype", - "test_gathernd_example_float32", "test_gathernd_example_int32_batch_dim1", "test_gelu_tanh_1", "test_gelu_tanh_2", @@ -341,6 +330,8 @@ "test_pow_types_int32_int32", "test_pow_types_int64_float32", "test_pow_types_int64_int64", + "test_prelu_broadcast", + "test_prelu_example", "test_qlinearmatmul_2D_uint8_float16", "test_qlinearmatmul_2D_uint8_float32", "test_quantizelinear_axis", @@ -623,8 +614,6 @@ "test_split_variable_parts_2d_opset18", "test_split_variable_parts_default_axis_opset13", "test_split_variable_parts_default_axis_opset18", - "test_split_zero_size_splits_opset13", - "test_split_zero_size_splits_opset18", "test_squeeze", "test_squeeze_negative_axes", "test_stft", @@ -656,8 +645,6 @@ "test_thresholdedrelu", "test_thresholdedrelu_default", "test_thresholdedrelu_example", - "test_tile", - "test_tile_precomputed", "test_top_k", "test_top_k_negative_axis", "test_top_k_smallest", @@ -709,6 +696,7 @@ "test_argmin_negative_axis_keepdims_random", "test_argmin_no_keepdims_example", "test_argmin_no_keepdims_random", + "test_averagepool_2d_ceil", "test_bernoulli", "test_bitshift_left_uint16", "test_bitshift_left_uint32", @@ -762,8 +750,11 @@ "test_div_uint8", "test_dropout_default_mask_ratio", "test_dynamicquantizelinear", + "test_dynamicquantizelinear_expanded", "test_dynamicquantizelinear_max_adjusted", "test_dynamicquantizelinear_min_adjusted", + "test_dynamicquantizelinear_max_adjusted_expanded", + "test_dynamicquantizelinear_min_adjusted_expanded", "test_elu_default", "test_gather_elements_negative_indices", "test_gathernd_example_int32", @@ -830,6 +821,8 @@ "test_shape_start_negative_1", "test_size", "test_size_example", + "test_split_zero_size_splits_opset13", + "test_split_zero_size_splits_opset18", "test_sub_uint8", "test_tril", "test_tril_neg", diff --git a/iree_tests/conftest.py b/iree_tests/conftest.py index daa01a222..01c61868f 100644 --- a/iree_tests/conftest.py +++ b/iree_tests/conftest.py @@ -55,8 +55,7 @@ def pytest_addoption(parser): this_dir = Path(__file__).parent repo_root = this_dir.parent default_config_files = [ - repo_root / "iree_tests/configs/config_cpu_llvm_sync.json", - # repo_root / "iree_tests/configs/config_gpu_vulkan.json", + repo_root / "iree_tests/configs/config_onnx_cpu_llvm_sync.json", ] parser.addoption( "--config-files",