From 6683a716e6fc716af56f0112b18ec381f7b2c90e Mon Sep 17 00:00:00 2001 From: Scott Todd Date: Fri, 8 Mar 2024 12:56:55 -0800 Subject: [PATCH] Copy CPU config from IREE repo. --- iree_tests/configs/config_cpu_llvm_sync.json | 526 +++++++++---------- 1 file changed, 259 insertions(+), 267 deletions(-) diff --git a/iree_tests/configs/config_cpu_llvm_sync.json b/iree_tests/configs/config_cpu_llvm_sync.json index b02ccc53a..1d4af11cb 100644 --- a/iree_tests/configs/config_cpu_llvm_sync.json +++ b/iree_tests/configs/config_cpu_llvm_sync.json @@ -7,33 +7,33 @@ "--device=local-sync" ], "skip_compile_tests": [ - // Timeouts? + // TODO(#16666): Fix these tests hanging at runtime (miscompiles?) "test_dequantizelinear", "test_slice_default_axes", ], "skip_run_tests": [], "expected_compile_failures": [ - "test_acos_example", "test_acos", - "test_acosh_example", + "test_acos_example", "test_acosh", - "test_adagrad_multiple", + "test_acosh_example", "test_adagrad", - "test_adam_multiple", + "test_adagrad_multiple", "test_adam", + "test_adam_multiple", "test_add_uint8", - "test_affine_grid_2d_align_corners_expanded", + "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_2d", - "test_affine_grid_3d_align_corners_expanded", + "test_affine_grid_3d", "test_affine_grid_3d_align_corners", + "test_affine_grid_3d_align_corners_expanded", "test_affine_grid_3d_expanded", - "test_affine_grid_3d", "test_ai_onnx_ml_array_feature_extractor", "test_ai_onnx_ml_binarizer", - "test_ai_onnx_ml_label_encoder_string_int_no_default", "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", @@ -51,20 +51,20 @@ "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_example", "test_asin", - "test_asinh_example", + "test_asin_example", "test_asinh", - "test_atanh_example", + "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_count_include_pad", "test_averagepool_2d_pads", - "test_averagepool_2d_precomputed_pads_count_include_pad", + "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", @@ -80,103 +80,100 @@ "test_basic_deform_conv_without_padding", "test_batchnorm_epsilon_training_mode", "test_batchnorm_example_training_mode", - "test_bernoulli_double_expanded", "test_bernoulli_double", + "test_bernoulli_double_expanded", "test_bernoulli_expanded", - "test_bernoulli_seed_expanded", "test_bernoulli_seed", - "test_blackmanwindow_symmetric", + "test_bernoulli_seed_expanded", "test_blackmanwindow", - "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_blackmanwindow_symmetric", "test_cast_FLOAT16_to_FLOAT8E4M3FN", "test_cast_FLOAT16_to_FLOAT8E4M3FNUZ", "test_cast_FLOAT16_to_FLOAT8E5M2", "test_cast_FLOAT16_to_FLOAT8E5M2FNUZ", - "test_cast_FLOAT8E4M3FN_to_FLOAT", - "test_cast_FLOAT8E4M3FN_to_FLOAT16", "test_cast_FLOAT8E4M3FNUZ_to_FLOAT", "test_cast_FLOAT8E4M3FNUZ_to_FLOAT16", - "test_cast_FLOAT8E5M2_to_FLOAT", - "test_cast_FLOAT8E5M2_to_FLOAT16", + "test_cast_FLOAT8E4M3FN_to_FLOAT", + "test_cast_FLOAT8E4M3FN_to_FLOAT16", "test_cast_FLOAT8E5M2FNUZ_to_FLOAT", "test_cast_FLOAT8E5M2FNUZ_to_FLOAT16", - "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_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_STRING_to_FLOAT", - "test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded", + "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_expanded", "test_castlike_FLOAT_to_FLOAT8E4M3FNUZ", - "test_castlike_FLOAT_to_FLOAT8E5M2_expanded", + "test_castlike_FLOAT_to_FLOAT8E4M3FNUZ_expanded", + "test_castlike_FLOAT_to_FLOAT8E4M3FN_expanded", "test_castlike_FLOAT_to_FLOAT8E5M2", - "test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded", "test_castlike_FLOAT_to_FLOAT8E5M2FNUZ", - "test_castlike_FLOAT_to_STRING_expanded", + "test_castlike_FLOAT_to_FLOAT8E5M2FNUZ_expanded", + "test_castlike_FLOAT_to_FLOAT8E5M2_expanded", "test_castlike_FLOAT_to_STRING", - "test_castlike_FLOAT8E4M3FN_to_FLOAT_expanded", - "test_castlike_FLOAT8E4M3FN_to_FLOAT", - "test_castlike_FLOAT8E4M3FNUZ_to_FLOAT_expanded", - "test_castlike_FLOAT8E4M3FNUZ_to_FLOAT", - "test_castlike_FLOAT8E5M2_to_FLOAT_expanded", - "test_castlike_FLOAT8E5M2_to_FLOAT", - "test_castlike_FLOAT8E5M2FNUZ_to_FLOAT_expanded", - "test_castlike_FLOAT8E5M2FNUZ_to_FLOAT", - "test_castlike_STRING_to_FLOAT_expanded", + "test_castlike_FLOAT_to_STRING_expanded", "test_castlike_STRING_to_FLOAT", + "test_castlike_STRING_to_FLOAT_expanded", "test_celu", - "test_center_crop_pad_crop_and_pad_expanded", + "test_center_crop_pad_crop", "test_center_crop_pad_crop_and_pad", - "test_center_crop_pad_crop_axes_chw_expanded", + "test_center_crop_pad_crop_and_pad_expanded", "test_center_crop_pad_crop_axes_chw", - "test_center_crop_pad_crop_axes_hwc_expanded", + "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_expanded", "test_center_crop_pad_crop_negative_axes_hwc", - "test_center_crop_pad_crop", - "test_center_crop_pad_pad_expanded", + "test_center_crop_pad_crop_negative_axes_hwc_expanded", "test_center_crop_pad_pad", + "test_center_crop_pad_pad_expanded", "test_clip_default_inbounds", "test_clip_default_int8_inbounds", "test_clip_default_int8_max", "test_clip_default_max", + "test_col2im", "test_col2im_5d", "test_col2im_dilations", "test_col2im_pads", "test_col2im_strides", - "test_col2im", "test_compress_0", "test_compress_1", "test_compress_default_axis", "test_compress_negative_axis", + "test_constant_pad", "test_constant_pad_axes", "test_constant_pad_negative_axes", - "test_constant_pad", - "test_constantofshape_float_ones", - "test_constantofshape_int_shape_zero", - "test_constantofshape_int_zeros", "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_example", "test_cosh", + "test_cosh_example", + "test_cumsum_1d", "test_cumsum_1d_exclusive", - "test_cumsum_1d_reverse_exclusive", "test_cumsum_1d_reverse", - "test_cumsum_1d", + "test_cumsum_1d_reverse_exclusive", "test_cumsum_2d_axis_0", "test_cumsum_2d_axis_1", "test_cumsum_2d_negative_axis", @@ -184,79 +181,74 @@ "test_deform_conv_with_multiple_offset_groups", "test_dequantizelinear_axis", "test_dequantizelinear_blocked", - "test_dequantizelinear_e4m3fn_zero_point", "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_axis_opset19", + "test_dft", "test_dft_axis", - "test_dft_inverse_opset19", + "test_dft_axis_opset19", "test_dft_inverse", + "test_dft_inverse_opset19", "test_dft_opset19", - "test_dft", - "test_div_uint8", - "test_dropout_default_mask_ratio", - "test_dropout_default_old", - "test_dropout_default_ratio", - "test_dropout_random_old", + "test_dynamicquantizelinear", "test_dynamicquantizelinear_expanded", - "test_dynamicquantizelinear_max_adjusted_expanded", "test_dynamicquantizelinear_max_adjusted", - "test_dynamicquantizelinear_min_adjusted_expanded", + "test_dynamicquantizelinear_max_adjusted_expanded", "test_dynamicquantizelinear_min_adjusted", - "test_dynamicquantizelinear", + "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_broadcast", "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_gathernd_example_int32", + "test_gathernd_example_int32_batch_dim1", "test_gelu_tanh_1", "test_gelu_tanh_2", "test_gemm_default_no_bias", - "test_globalmaxpool_precomputed", "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_bicubic", + "test_gridsample_bilinear", "test_gridsample_bilinear_align_corners_0_additional_1", "test_gridsample_bilinear_align_corners_1_additional_1", - "test_gridsample_bilinear", "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_nearest", "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_gridsample", - "test_group_normalization_epsilon_expanded", "test_group_normalization_epsilon", - "test_group_normalization_example_expanded", + "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_symmetric", "test_hammingwindow", - "test_hannwindow_symmetric", + "test_hammingwindow_symmetric", "test_hannwindow", + "test_hannwindow_symmetric", "test_hardmax_axis_0", "test_hardmax_axis_1", "test_hardmax_axis_2", @@ -267,52 +259,52 @@ "test_hardswish", "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_jpeg2k_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_layer_normalization_2d_axis_negative_1_expanded_ver18", - "test_layer_normalization_2d_axis_negative_1_expanded", - "test_layer_normalization_2d_axis_negative_2_expanded_ver18", - "test_layer_normalization_2d_axis_negative_2_expanded", - "test_layer_normalization_2d_axis0_expanded_ver18", "test_layer_normalization_2d_axis0_expanded", - "test_layer_normalization_2d_axis1_expanded_ver18", + "test_layer_normalization_2d_axis0_expanded_ver18", "test_layer_normalization_2d_axis1_expanded", - "test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18", - "test_layer_normalization_3d_axis_negative_1_epsilon_expanded", - "test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18", - "test_layer_normalization_3d_axis_negative_2_epsilon_expanded", - "test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18", - "test_layer_normalization_3d_axis_negative_3_epsilon_expanded", - "test_layer_normalization_3d_axis0_epsilon_expanded_ver18", + "test_layer_normalization_2d_axis1_expanded_ver18", + "test_layer_normalization_2d_axis_negative_1_expanded", + "test_layer_normalization_2d_axis_negative_1_expanded_ver18", + "test_layer_normalization_2d_axis_negative_2_expanded", + "test_layer_normalization_2d_axis_negative_2_expanded_ver18", "test_layer_normalization_3d_axis0_epsilon_expanded", - "test_layer_normalization_3d_axis1_epsilon_expanded_ver18", + "test_layer_normalization_3d_axis0_epsilon_expanded_ver18", "test_layer_normalization_3d_axis1_epsilon_expanded", - "test_layer_normalization_3d_axis2_epsilon_expanded_ver18", + "test_layer_normalization_3d_axis1_epsilon_expanded_ver18", "test_layer_normalization_3d_axis2_epsilon_expanded", - "test_layer_normalization_4d_axis_negative_1_expanded_ver18", - "test_layer_normalization_4d_axis_negative_1_expanded", - "test_layer_normalization_4d_axis_negative_2_expanded_ver18", - "test_layer_normalization_4d_axis_negative_2_expanded", - "test_layer_normalization_4d_axis_negative_3_expanded_ver18", - "test_layer_normalization_4d_axis_negative_3_expanded", - "test_layer_normalization_4d_axis_negative_4_expanded_ver18", - "test_layer_normalization_4d_axis_negative_4_expanded", - "test_layer_normalization_4d_axis0_expanded_ver18", + "test_layer_normalization_3d_axis2_epsilon_expanded_ver18", + "test_layer_normalization_3d_axis_negative_1_epsilon_expanded", + "test_layer_normalization_3d_axis_negative_1_epsilon_expanded_ver18", + "test_layer_normalization_3d_axis_negative_2_epsilon_expanded", + "test_layer_normalization_3d_axis_negative_2_epsilon_expanded_ver18", + "test_layer_normalization_3d_axis_negative_3_epsilon_expanded", + "test_layer_normalization_3d_axis_negative_3_epsilon_expanded_ver18", "test_layer_normalization_4d_axis0_expanded", - "test_layer_normalization_4d_axis1_expanded_ver18", + "test_layer_normalization_4d_axis0_expanded_ver18", "test_layer_normalization_4d_axis1_expanded", - "test_layer_normalization_4d_axis2_expanded_ver18", + "test_layer_normalization_4d_axis1_expanded_ver18", "test_layer_normalization_4d_axis2_expanded", - "test_layer_normalization_4d_axis3_expanded_ver18", + "test_layer_normalization_4d_axis2_expanded_ver18", "test_layer_normalization_4d_axis3_expanded", - "test_layer_normalization_default_axis_expanded_ver18", + "test_layer_normalization_4d_axis3_expanded_ver18", + "test_layer_normalization_4d_axis_negative_1_expanded", + "test_layer_normalization_4d_axis_negative_1_expanded_ver18", + "test_layer_normalization_4d_axis_negative_2_expanded", + "test_layer_normalization_4d_axis_negative_2_expanded_ver18", + "test_layer_normalization_4d_axis_negative_3_expanded", + "test_layer_normalization_4d_axis_negative_3_expanded_ver18", + "test_layer_normalization_4d_axis_negative_4_expanded", + "test_layer_normalization_4d_axis_negative_4_expanded_ver18", "test_layer_normalization_default_axis_expanded", + "test_layer_normalization_default_axis_expanded_ver18", "test_logsoftmax_axis_0", "test_logsoftmax_axis_1", "test_logsoftmax_axis_2", @@ -329,8 +321,8 @@ "test_lppool_2d_same_upper", "test_lppool_2d_strides", "test_lppool_3d_default", - "test_lrn_default", "test_lrn", + "test_lrn_default", "test_lstm_batchwise", "test_lstm_defaults", "test_lstm_with_initial_bias", @@ -348,8 +340,8 @@ "test_maxunpool_export_without_output_shape", "test_melweightmatrix", "test_min_one_input", - "test_mish_expanded", "test_mish", + "test_mish_expanded", "test_mod_broadcast", "test_mod_int64_fmod", "test_mod_mixed_sign_float16", @@ -363,48 +355,48 @@ "test_mod_uint32", "test_mod_uint64", "test_mod_uint8", - "test_momentum_multiple", "test_momentum", + "test_momentum_multiple", "test_mvn", "test_nesterov_momentum", "test_nllloss_NC", + "test_nllloss_NCd1", "test_nllloss_NCd1_expanded", - "test_nllloss_NCd1_ii_expanded", "test_nllloss_NCd1_ii", - "test_nllloss_NCd1_mean_weight_negative_ii_expanded", + "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_expanded", "test_nllloss_NCd1_weight_ii", - "test_nllloss_NCd1_weight", - "test_nllloss_NCd1", - "test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded", + "test_nllloss_NCd1_weight_ii_expanded", + "test_nllloss_NCd1d2", "test_nllloss_NCd1d2_no_weight_reduction_mean_ii", - "test_nllloss_NCd1d2_reduction_mean_expanded", + "test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded", "test_nllloss_NCd1d2_reduction_mean", - "test_nllloss_NCd1d2_reduction_sum_expanded", + "test_nllloss_NCd1d2_reduction_mean_expanded", "test_nllloss_NCd1d2_reduction_sum", - "test_nllloss_NCd1d2_with_weight_reduction_mean_expanded", + "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_expanded", "test_nllloss_NCd1d2_with_weight_reduction_sum_ii", - "test_nllloss_NCd1d2_with_weight_reduction_sum", - "test_nllloss_NCd1d2_with_weight", - "test_nllloss_NCd1d2", + "test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded", "test_nllloss_NCd1d2d3_none_no_weight_negative_ii", - "test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded", "test_nllloss_NCd1d2d3_sum_weight_high_ii", - "test_nllloss_NCd1d2d3d4d5_mean_weight_expanded", + "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_and_scores", "test_nonmaxsuppression_suppress_by_IOU", + "test_nonmaxsuppression_suppress_by_IOU_and_scores", "test_nonmaxsuppression_two_batches", "test_nonmaxsuppression_two_classes", "test_nonzero_example", @@ -439,66 +431,66 @@ "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_expanded", "test_reduce_l1_do_not_keepdims_example", - "test_reduce_l1_do_not_keepdims_random_expanded", + "test_reduce_l1_do_not_keepdims_example_expanded", "test_reduce_l1_do_not_keepdims_random", - "test_reduce_l1_empty_set_expanded", + "test_reduce_l1_do_not_keepdims_random_expanded", "test_reduce_l1_empty_set", - "test_reduce_l1_keep_dims_example_expanded", + "test_reduce_l1_empty_set_expanded", "test_reduce_l1_keep_dims_example", - "test_reduce_l1_keep_dims_random_expanded", + "test_reduce_l1_keep_dims_example_expanded", "test_reduce_l1_keep_dims_random", - "test_reduce_l1_negative_axes_keep_dims_example_expanded", + "test_reduce_l1_keep_dims_random_expanded", "test_reduce_l1_negative_axes_keep_dims_example", - "test_reduce_l1_negative_axes_keep_dims_random_expanded", + "test_reduce_l1_negative_axes_keep_dims_example_expanded", "test_reduce_l1_negative_axes_keep_dims_random", - "test_reduce_l2_default_axes_keepdims_example_expanded", + "test_reduce_l1_negative_axes_keep_dims_random_expanded", "test_reduce_l2_default_axes_keepdims_example", - "test_reduce_l2_default_axes_keepdims_random_expanded", + "test_reduce_l2_default_axes_keepdims_example_expanded", "test_reduce_l2_default_axes_keepdims_random", - "test_reduce_l2_do_not_keepdims_example_expanded", + "test_reduce_l2_default_axes_keepdims_random_expanded", "test_reduce_l2_do_not_keepdims_example", - "test_reduce_l2_do_not_keepdims_random_expanded", + "test_reduce_l2_do_not_keepdims_example_expanded", "test_reduce_l2_do_not_keepdims_random", - "test_reduce_l2_empty_set_expanded", + "test_reduce_l2_do_not_keepdims_random_expanded", "test_reduce_l2_empty_set", - "test_reduce_l2_keep_dims_example_expanded", + "test_reduce_l2_empty_set_expanded", "test_reduce_l2_keep_dims_example", - "test_reduce_l2_keep_dims_random_expanded", + "test_reduce_l2_keep_dims_example_expanded", "test_reduce_l2_keep_dims_random", - "test_reduce_l2_negative_axes_keep_dims_example_expanded", + "test_reduce_l2_keep_dims_random_expanded", "test_reduce_l2_negative_axes_keep_dims_example", - "test_reduce_l2_negative_axes_keep_dims_random_expanded", + "test_reduce_l2_negative_axes_keep_dims_example_expanded", "test_reduce_l2_negative_axes_keep_dims_random", - "test_reduce_log_sum_asc_axes_expanded", + "test_reduce_l2_negative_axes_keep_dims_random_expanded", "test_reduce_log_sum_asc_axes", - "test_reduce_log_sum_default_expanded", + "test_reduce_log_sum_asc_axes_expanded", "test_reduce_log_sum_default", - "test_reduce_log_sum_desc_axes_expanded", + "test_reduce_log_sum_default_expanded", "test_reduce_log_sum_desc_axes", - "test_reduce_log_sum_empty_set_expanded", + "test_reduce_log_sum_desc_axes_expanded", "test_reduce_log_sum_empty_set", - "test_reduce_log_sum_exp_default_axes_keepdims_example_expanded", + "test_reduce_log_sum_empty_set_expanded", "test_reduce_log_sum_exp_default_axes_keepdims_example", - "test_reduce_log_sum_exp_default_axes_keepdims_random_expanded", + "test_reduce_log_sum_exp_default_axes_keepdims_example_expanded", "test_reduce_log_sum_exp_default_axes_keepdims_random", - "test_reduce_log_sum_exp_do_not_keepdims_example_expanded", + "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_random_expanded", + "test_reduce_log_sum_exp_do_not_keepdims_example_expanded", "test_reduce_log_sum_exp_do_not_keepdims_random", - "test_reduce_log_sum_exp_empty_set_expanded", + "test_reduce_log_sum_exp_do_not_keepdims_random_expanded", "test_reduce_log_sum_exp_empty_set", - "test_reduce_log_sum_exp_keepdims_example_expanded", + "test_reduce_log_sum_exp_empty_set_expanded", "test_reduce_log_sum_exp_keepdims_example", - "test_reduce_log_sum_exp_keepdims_random_expanded", + "test_reduce_log_sum_exp_keepdims_example_expanded", "test_reduce_log_sum_exp_keepdims_random", - "test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded", + "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_random_expanded", + "test_reduce_log_sum_exp_negative_axes_keepdims_example_expanded", "test_reduce_log_sum_exp_negative_axes_keepdims_random", - "test_reduce_log_sum_negative_axes_expanded", + "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", @@ -513,11 +505,8 @@ "test_reduce_mean_negative_axes_keepdims_example", "test_reduce_mean_negative_axes_keepdims_random", "test_reduce_min_bool_inputs", - "test_reduce_min_default_axes_keepdims_example", - "test_reduce_min_default_axes_keepdims_random", "test_reduce_min_do_not_keepdims_example", "test_reduce_min_do_not_keepdims_random", - "test_reduce_min_empty_set", "test_reduce_min_keepdims_example", "test_reduce_min_keepdims_random", "test_reduce_min_negative_axes_keepdims_example", @@ -533,189 +522,183 @@ "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_non_reduced_axis_zero", "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_expanded", "test_reduce_sum_square_do_not_keepdims_example", - "test_reduce_sum_square_do_not_keepdims_random_expanded", + "test_reduce_sum_square_do_not_keepdims_example_expanded", "test_reduce_sum_square_do_not_keepdims_random", - "test_reduce_sum_square_empty_set_expanded", + "test_reduce_sum_square_do_not_keepdims_random_expanded", "test_reduce_sum_square_empty_set", - "test_reduce_sum_square_keepdims_example_expanded", + "test_reduce_sum_square_empty_set_expanded", "test_reduce_sum_square_keepdims_example", - "test_reduce_sum_square_keepdims_random_expanded", + "test_reduce_sum_square_keepdims_example_expanded", "test_reduce_sum_square_keepdims_random", - "test_reduce_sum_square_negative_axes_keepdims_example_expanded", + "test_reduce_sum_square_keepdims_random_expanded", "test_reduce_sum_square_negative_axes_keepdims_example", - "test_reduce_sum_square_negative_axes_keepdims_random_expanded", + "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_cubic", + "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_linear", "test_resize_downsample_scales_nearest", - "test_resize_downsample_sizes_cubic_antialias", "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_downsample_sizes_nearest", + "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_tf_crop_and_resize", + "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_cubic", + "test_resize_upsample_scales_linear", "test_resize_upsample_scales_linear_align_corners", "test_resize_upsample_scales_linear_half_pixel_symmetric", - "test_resize_upsample_scales_linear", + "test_resize_upsample_scales_nearest", "test_resize_upsample_scales_nearest_axes_2_3", "test_resize_upsample_scales_nearest_axes_3_2", - "test_resize_upsample_scales_nearest", "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_resize_upsample_sizes_nearest", "test_reversesequence_batch", "test_reversesequence_time", "test_rnn_seq_length", "test_roialign_aligned_false", "test_roialign_aligned_true", "test_roialign_mode_max", - "test_scan_sum", "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_scatternd", + "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_expanded", "test_sce_mean_3d_log_prob", - "test_sce_mean_3d", + "test_sce_mean_3d_log_prob_expanded", "test_sce_mean_expanded", - "test_sce_mean_log_prob_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_expanded", "test_sce_mean_no_weight_ii_3d_log_prob", - "test_sce_mean_no_weight_ii_3d", + "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_expanded", "test_sce_mean_no_weight_ii_4d_log_prob", - "test_sce_mean_no_weight_ii_4d", + "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_expanded", "test_sce_mean_no_weight_ii_log_prob", - "test_sce_mean_no_weight_ii", + "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_expanded", "test_sce_mean_weight_ii_3d_log_prob", - "test_sce_mean_weight_ii_3d", + "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_expanded", "test_sce_mean_weight_ii_4d_log_prob", - "test_sce_mean_weight_ii_4d", + "test_sce_mean_weight_ii_4d_log_prob_expanded", "test_sce_mean_weight_ii_expanded", - "test_sce_mean_weight_ii_log_prob_expanded", "test_sce_mean_weight_ii_log_prob", - "test_sce_mean_weight_ii", - "test_sce_mean_weight_log_prob_expanded", + "test_sce_mean_weight_ii_log_prob_expanded", "test_sce_mean_weight_log_prob", - "test_sce_mean_weight", - "test_sce_mean", - "test_sce_NCd1_mean_weight_negative_ii_expanded", - "test_sce_NCd1_mean_weight_negative_ii_log_prob_expanded", - "test_sce_NCd1_mean_weight_negative_ii_log_prob", - "test_sce_NCd1_mean_weight_negative_ii", - "test_sce_NCd1d2d3_none_no_weight_negative_ii_expanded", - "test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob_expanded", - "test_sce_NCd1d2d3_none_no_weight_negative_ii_log_prob", - "test_sce_NCd1d2d3_none_no_weight_negative_ii", - "test_sce_NCd1d2d3_sum_weight_high_ii_expanded", - "test_sce_NCd1d2d3_sum_weight_high_ii_log_prob_expanded", - "test_sce_NCd1d2d3_sum_weight_high_ii_log_prob", - "test_sce_NCd1d2d3_sum_weight_high_ii", - "test_sce_NCd1d2d3d4d5_mean_weight_expanded", - "test_sce_NCd1d2d3d4d5_mean_weight_log_prob_expanded", - "test_sce_NCd1d2d3d4d5_mean_weight_log_prob", - "test_sce_NCd1d2d3d4d5_mean_weight", - "test_sce_NCd1d2d3d4d5_none_no_weight_expanded", - "test_sce_NCd1d2d3d4d5_none_no_weight_log_prob_expanded", - "test_sce_NCd1d2d3d4d5_none_no_weight_log_prob", - "test_sce_NCd1d2d3d4d5_none_no_weight", + "test_sce_mean_weight_log_prob_expanded", + "test_sce_none", "test_sce_none_expanded", - "test_sce_none_log_prob_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_expanded", "test_sce_none_weights_log_prob", - "test_sce_none_weights", - "test_sce_none", + "test_sce_none_weights_log_prob_expanded", + "test_sce_sum", "test_sce_sum_expanded", - "test_sce_sum_log_prob_expanded", "test_sce_sum_log_prob", - "test_sce_sum", - "test_shape_end_1", - "test_shape_end_negative_1", - "test_shape_start_1_end_2", - "test_shape_start_1_end_negative_1", - "test_shape_start_1", - "test_shape_start_negative_1", + "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_example", "test_sinh", - "test_size_example", + "test_sinh_example", "test_size", + "test_size_example", + "test_slice", "test_slice_default_steps", "test_slice_end_out_of_bounds", - "test_slice_neg_steps", "test_slice_neg", + "test_slice_neg_steps", "test_slice_negative_axes", "test_slice_start_out_of_bounds", - "test_slice", - "test_softplus_example", "test_softplus", - "test_softsign_example", + "test_softplus_example", "test_softsign", - "test_spacetodepth_example", + "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_opset13", "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", @@ -726,15 +709,15 @@ "test_split_variable_parts_default_axis_opset18", "test_split_zero_size_splits_opset13", "test_split_zero_size_splits_opset18", - "test_squeeze_negative_axes", "test_squeeze", - "test_stft_with_window", + "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_concat", "test_string_split_basic", "test_string_split_consecutive_delimiters", "test_string_split_empty_string_delimiter", @@ -755,41 +738,41 @@ "test_tfidfvectorizer_tf_onlybigrams_levelempty", "test_tfidfvectorizer_tf_onlybigrams_skip5", "test_tfidfvectorizer_tf_uniandbigrams_skip5", + "test_thresholdedrelu", "test_thresholdedrelu_default", "test_thresholdedrelu_example", - "test_thresholdedrelu", - "test_tile_precomputed", "test_tile", + "test_tile_precomputed", + "test_top_k", "test_top_k_negative_axis", "test_top_k_smallest", - "test_top_k", - "test_training_dropout_default_mask", + "test_training_dropout", "test_training_dropout_default", + "test_training_dropout_default_mask", "test_training_dropout_mask", - "test_training_dropout_zero_ratio_mask", "test_training_dropout_zero_ratio", - "test_training_dropout", + "test_training_dropout_zero_ratio_mask", + "test_tril", "test_tril_neg", "test_tril_one_row_neg", "test_tril_out_neg", "test_tril_out_pos", "test_tril_pos", - "test_tril_square_neg", "test_tril_square", + "test_tril_square_neg", "test_tril_zero", - "test_tril", + "test_triu", "test_triu_neg", "test_triu_one_row", "test_triu_out_neg_out", "test_triu_out_pos", "test_triu_pos", - "test_triu_square_neg", "test_triu_square", + "test_triu_square_neg", "test_triu_zero", - "test_triu", "test_unique_not_sorted_without_axis", - "test_unique_sorted_with_axis_3d", "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", @@ -846,32 +829,35 @@ "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_cast_FLOAT16_to_DOUBLE", - "test_castlike_BFLOAT16_to_FLOAT_expanded", "test_castlike_BFLOAT16_to_FLOAT", - "test_castlike_DOUBLE_to_FLOAT_expanded", + "test_castlike_BFLOAT16_to_FLOAT_expanded", "test_castlike_DOUBLE_to_FLOAT", - "test_castlike_DOUBLE_to_FLOAT16_expanded", "test_castlike_DOUBLE_to_FLOAT16", - "test_castlike_FLOAT_to_BFLOAT16_expanded", + "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_DOUBLE_expanded", + "test_castlike_FLOAT_to_BFLOAT16_expanded", "test_castlike_FLOAT_to_DOUBLE", - "test_castlike_FLOAT16_to_DOUBLE_expanded", - "test_castlike_FLOAT16_to_DOUBLE", + "test_castlike_FLOAT_to_DOUBLE_expanded", "test_clip_default_int8_max_expanded", - "test_clip_default_int8_min_expanded", "test_clip_default_int8_min", + "test_clip_default_int8_min_expanded", + "test_constantofshape_int_shape_zero", + "test_constantofshape_int_zeros", + "test_div_uint8", "test_elu_default", "test_gather_0", "test_gather_1", "test_gather_2d_indices", "test_gather_elements_negative_indices", + "test_hardsigmoid", "test_hardsigmoid_default", "test_hardsigmoid_example", - "test_hardsigmoid", "test_hardswish_expanded", "test_logsoftmax_large_number_expanded", "test_max_float64", @@ -894,21 +880,27 @@ "test_min_uint8", "test_mul_uint8", "test_nllloss_NCd1d2_with_weight_expanded", + "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_pow", "test_qlinearconv", "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", + "test_shape_start_1", + "test_shape_start_1_end_2", + "test_shape_start_1_end_negative_1", + "test_shape_start_negative_1", "test_where_long_example", ] }