diff --git a/modules/dnn/src/layers/convolution_layer.cpp b/modules/dnn/src/layers/convolution_layer.cpp index 50b06a19c0..bcc783d8a0 100644 --- a/modules/dnn/src/layers/convolution_layer.cpp +++ b/modules/dnn/src/layers/convolution_layer.cpp @@ -647,6 +647,7 @@ public: virtual Ptr initVkCom(const std::vector > &inputs) CV_OVERRIDE { #ifdef HAVE_VULKAN + CV_Assert(!blobs.empty()); int out_channel = blobs[0].size[0]; bool has_bias = hasBias() || fusedBias; int filter_size[2] = {kernel.height, kernel.width}; @@ -712,6 +713,7 @@ public: virtual Ptr initHalide(const std::vector > &inputs) CV_OVERRIDE { #ifdef HAVE_HALIDE + CV_Assert(!blobs.empty()); Halide::Buffer inputBuffer = halideBuffer(inputs[0]); const int inpCn = inputBuffer.channels(); @@ -760,6 +762,7 @@ public: #ifdef HAVE_DNN_IE_NN_BUILDER_2019 virtual Ptr initInfEngine(const std::vector > &inputs) CV_OVERRIDE { + CV_Assert(!blobs.empty()); InferenceEngine::DataPtr input = infEngineDataNode(inputs[0]); std::vector dims = input->getDims(); CV_Assert(dims.size() == 4 || dims.size() == 5); @@ -824,6 +827,7 @@ public: virtual Ptr initNgraph(const std::vector > &inputs, const std::vector >& nodes) CV_OVERRIDE { + CV_Assert(!blobs.empty()); CV_Assert_N(inputs.size() >= 1, nodes.size() >= 1); auto& ieInpNode = nodes[0].dynamicCast()->node; std::vector dims = ieInpNode->get_shape(); @@ -917,6 +921,7 @@ public: #ifdef HAVE_WEBNN virtual Ptr initWebnn(const std::vector >& inputs, const std::vector >& nodes) CV_OVERRIDE { + CV_Assert(!blobs.empty()); CV_Assert_N(inputs.size() >= 1, nodes.size() >= 1); Ptr node = nodes[0].dynamicCast(); auto& webnnInpOperand = node->operand; @@ -2156,6 +2161,7 @@ public: auto output_wrapper = outputs[0].dynamicCast(); auto output_shape = output_wrapper->getShape(); + CV_Assert(!blobs.empty()); const auto output_feature_maps = blobs[0].size[0]; const auto input_feature_maps = input_shape[1]; const auto input_feature_maps_per_group = blobs[0].size[1]; @@ -2917,6 +2923,7 @@ public: const std::vector>& outputs ) override { + CV_Assert(!blobs.empty()); auto context = reinterpret_cast(context_); CV_Assert(inputs.size() == 1); @@ -2974,6 +2981,7 @@ public: virtual Ptr initHalide(const std::vector > &inputs) CV_OVERRIDE { #ifdef HAVE_HALIDE + CV_Assert(!blobs.empty()); Halide::Buffer inputBuffer = halideBuffer(inputs[0]); int inW, inH, inC, inN; @@ -3027,6 +3035,7 @@ public: #ifdef HAVE_DNN_IE_NN_BUILDER_2019 virtual Ptr initInfEngine(const std::vector > &) CV_OVERRIDE { + CV_Assert(!blobs.empty()); InferenceEngine::Layout layout = blobs[0].dims == 5? InferenceEngine::Layout::NCDHW : InferenceEngine::Layout::OIHW; @@ -3086,6 +3095,7 @@ public: virtual Ptr initNgraph(const std::vector > &inputs, const std::vector >& nodes) CV_OVERRIDE { + CV_Assert(!blobs.empty()); const int outGroupCn = blobs[0].size[1]; const int group = numOutput / outGroupCn; CV_Assert(group == 1); diff --git a/modules/dnn/src/layers/resize_layer.cpp b/modules/dnn/src/layers/resize_layer.cpp index 47ff0719fe..42eb2e2331 100644 --- a/modules/dnn/src/layers/resize_layer.cpp +++ b/modules/dnn/src/layers/resize_layer.cpp @@ -64,6 +64,7 @@ public: outputs[0][2] = zoomFactorHeight > 0 ? (outputs[0][2] * zoomFactorHeight) : outHeight; outputs[0][3] = zoomFactorWidth > 0 ? (outputs[0][3] * zoomFactorWidth) : outWidth; } else { + CV_CheckGE(inputs[1].size(), (size_t)4, ""); outputs[0][2] = inputs[1][2]; outputs[0][3] = inputs[1][3]; } diff --git a/modules/dnn/test/test_onnx_conformance.cpp b/modules/dnn/test/test_onnx_conformance.cpp index ebdaf23726..1c3877b7b2 100644 --- a/modules/dnn/test/test_onnx_conformance.cpp +++ b/modules/dnn/test/test_onnx_conformance.cpp @@ -939,6 +939,12 @@ public: #ifdef HAVE_HALIDE static std::set halide_deny_list; #endif +#ifdef HAVE_VULKAN + static std::set vulkan_deny_list; +#endif +#ifdef HAVE_CUDA + static std::set cuda_deny_list; +#endif Test_ONNX_conformance() { @@ -1008,6 +1014,18 @@ public: #include "test_onnx_conformance_layer_filter__halide_denylist.inl.hpp" }; #endif + +#ifdef HAVE_VULKAN + vulkan_deny_list = { + #include "test_onnx_conformance_layer_filter__vulkan_denylist.inl.hpp" + }; +#endif + +#ifdef HAVE_CUDA + cuda_deny_list = { + #include "test_onnx_conformance_layer_filter__cuda_denylist.inl.hpp" + }; +#endif } }; @@ -1020,6 +1038,12 @@ std::set Test_ONNX_conformance::cpu_deny_list; #ifdef HAVE_HALIDE std::set Test_ONNX_conformance::halide_deny_list; #endif +#ifdef HAVE_VULKAN +std::set Test_ONNX_conformance::vulkan_deny_list; +#endif +#ifdef HAVE_CUDA +std::set Test_ONNX_conformance::cuda_deny_list; +#endif TEST_P(Test_ONNX_conformance, Layer_Test) { @@ -1068,16 +1092,22 @@ TEST_P(Test_ONNX_conformance, Layer_Test) #include "test_onnx_conformance_layer_filter__openvino.inl.hpp" } #endif -#if 0 //def HAVE_VULKAN +#ifdef HAVE_VULKAN else if (backend == DNN_BACKEND_VKCOM) { - #include "test_onnx_conformance_layer_filter__vulkan.inl.hpp" + if (vulkan_deny_list.find(name) != vulkan_deny_list.end()) + { + applyTestTag(CV_TEST_TAG_DNN_SKIP_VULKAN, CV_TEST_TAG_DNN_SKIP_ONNX_CONFORMANCE); + } } #endif -#if 0 //def HAVE_CUDA +#ifdef HAVE_CUDA else if (backend == DNN_BACKEND_CUDA) { - #include "test_onnx_conformance_layer_filter__cuda.inl.hpp" + if (cuda_deny_list.find(name) != cuda_deny_list.end()) + { + applyTestTag(CV_TEST_TAG_DNN_SKIP_CUDA, CV_TEST_TAG_DNN_SKIP_ONNX_CONFORMANCE); + } } #endif else diff --git a/modules/dnn/test/test_onnx_conformance_layer_filter__cuda_denylist.inl.hpp b/modules/dnn/test/test_onnx_conformance_layer_filter__cuda_denylist.inl.hpp new file mode 100644 index 0000000000..61a5843b35 --- /dev/null +++ b/modules/dnn/test/test_onnx_conformance_layer_filter__cuda_denylist.inl.hpp @@ -0,0 +1,74 @@ +"test_add_bcast", +"test_add_uint8", +"test_argmax_default_axis_example", +"test_argmax_default_axis_example_select_last_index", +"test_argmax_default_axis_random", +"test_argmax_default_axis_random_select_last_index", +"test_argmax_keepdims_example", +"test_argmax_keepdims_example_select_last_index", +"test_argmax_keepdims_random", +"test_argmax_keepdims_random_select_last_index", +"test_argmax_negative_axis_keepdims_example", +"test_argmax_negative_axis_keepdims_example_select_last_index", +"test_argmax_negative_axis_keepdims_random", +"test_argmax_negative_axis_keepdims_random_select_last_index", +"test_argmax_no_keepdims_example", +"test_argmax_no_keepdims_example_select_last_index", +"test_argmax_no_keepdims_random", +"test_argmax_no_keepdims_random_select_last_index", +"test_argmin_default_axis_example", +"test_argmin_default_axis_example_select_last_index", +"test_argmin_default_axis_random", +"test_argmin_default_axis_random_select_last_index", +"test_argmin_keepdims_example", +"test_argmin_keepdims_example_select_last_index", +"test_argmin_keepdims_random", +"test_argmin_keepdims_random_select_last_index", +"test_argmin_negative_axis_keepdims_example", +"test_argmin_negative_axis_keepdims_example_select_last_index", +"test_argmin_negative_axis_keepdims_random", +"test_argmin_negative_axis_keepdims_random_select_last_index", +"test_argmin_no_keepdims_example", +"test_argmin_no_keepdims_example_select_last_index", +"test_argmin_no_keepdims_random", +"test_argmin_no_keepdims_random_select_last_index", +"test_averagepool_2d_pads_count_include_pad", +"test_averagepool_2d_precomputed_pads_count_include_pad", +"test_averagepool_2d_same_lower", +"test_basic_conv_with_padding", +"test_basic_conv_without_padding", +"test_cast_FLOAT_to_STRING", +"test_cast_STRING_to_FLOAT", +"test_castlike_FLOAT_to_STRING_expanded", +"test_castlike_STRING_to_FLOAT_expanded", +"test_concat_1d_axis_negative_1", +"test_conv_with_autopad_same", +"test_conv_with_strides_and_asymmetric_padding", +"test_conv_with_strides_no_padding", +"test_conv_with_strides_padding", +"test_div_bcast", +"test_div_uint8", +"test_dropout_default_ratio", +"test_flatten_axis0", +"test_flatten_axis2", +"test_flatten_axis3", +"test_flatten_negative_axis1", +"test_flatten_negative_axis2", +"test_flatten_negative_axis4", +"test_logsoftmax_default_axis", +"test_logsoftmax_large_number", +"test_logsoftmax_large_number_expanded", +"test_maxpool_2d_dilations", +"test_maxpool_2d_same_lower", +"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_mul_bcast", +"test_mul_uint8", +"test_softmax_default_axis", +"test_softmax_large_number", // FP16 only +"test_softmax_large_number_expanded", // FP16 only +"test_sub_bcast", +"test_sub_uint8", +"test_upsample_nearest", diff --git a/modules/dnn/test/test_onnx_conformance_layer_filter__halide_denylist.inl.hpp b/modules/dnn/test/test_onnx_conformance_layer_filter__halide_denylist.inl.hpp index dd0a249081..344e5604c7 100644 --- a/modules/dnn/test/test_onnx_conformance_layer_filter__halide_denylist.inl.hpp +++ b/modules/dnn/test/test_onnx_conformance_layer_filter__halide_denylist.inl.hpp @@ -1,5 +1,39 @@ +"test_abs", "test_add", "test_add_bcast", +"test_add_uint8", +"test_argmax_default_axis_example", +"test_argmax_default_axis_example_select_last_index", +"test_argmax_default_axis_random", +"test_argmax_default_axis_random_select_last_index", +"test_argmax_keepdims_example", +"test_argmax_keepdims_example_select_last_index", +"test_argmax_keepdims_random", +"test_argmax_keepdims_random_select_last_index", +"test_argmax_negative_axis_keepdims_example", +"test_argmax_negative_axis_keepdims_example_select_last_index", +"test_argmax_negative_axis_keepdims_random", +"test_argmax_negative_axis_keepdims_random_select_last_index", +"test_argmax_no_keepdims_example", +"test_argmax_no_keepdims_example_select_last_index", +"test_argmax_no_keepdims_random", +"test_argmax_no_keepdims_random_select_last_index", +"test_argmin_default_axis_example", +"test_argmin_default_axis_example_select_last_index", +"test_argmin_default_axis_random", +"test_argmin_default_axis_random_select_last_index", +"test_argmin_keepdims_example", +"test_argmin_keepdims_example_select_last_index", +"test_argmin_keepdims_random", +"test_argmin_keepdims_random_select_last_index", +"test_argmin_negative_axis_keepdims_example", +"test_argmin_negative_axis_keepdims_example_select_last_index", +"test_argmin_negative_axis_keepdims_random", +"test_argmin_negative_axis_keepdims_random_select_last_index", +"test_argmin_no_keepdims_example", +"test_argmin_no_keepdims_example_select_last_index", +"test_argmin_no_keepdims_random", +"test_argmin_no_keepdims_random_select_last_index", "test_averagepool_2d_ceil", "test_averagepool_2d_pads_count_include_pad", "test_averagepool_2d_precomputed_pads_count_include_pad", @@ -10,10 +44,12 @@ "test_cast_STRING_to_FLOAT", "test_castlike_FLOAT_to_STRING_expanded", "test_castlike_STRING_to_FLOAT_expanded", +"test_ceil", "test_concat_1d_axis_negative_1", "test_concat_3d_axis_1", "test_div", "test_div_bcast", +"test_div_uint8", "test_elu", "test_elu_default", "test_exp", @@ -23,8 +59,10 @@ "test_flatten_negative_axis1", "test_flatten_negative_axis2", "test_flatten_negative_axis4", +"test_floor", "test_leakyrelu", "test_leakyrelu_default", +"test_log", "test_logsoftmax_axis_1", "test_logsoftmax_axis_1_expanded", "test_logsoftmax_default_axis", @@ -35,10 +73,13 @@ "test_matmul_4d", "test_maxpool_2d_dilations", "test_maxpool_2d_same_lower", +"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_mul", "test_mul_bcast", +"test_mul_uint8", "test_neg", "test_reduce_max_default_axes_keepdim_example", "test_reduce_max_default_axes_keepdims_random", @@ -54,7 +95,9 @@ "test_softmax_axis_1_expanded", "test_softmax_default_axis", "test_softmax_large_number", +"test_sqrt", "test_sub", "test_sub_bcast", +"test_sub_uint8", "test_tanh", "test_upsample_nearest", diff --git a/modules/dnn/test/test_onnx_conformance_layer_filter__openvino.inl.hpp b/modules/dnn/test/test_onnx_conformance_layer_filter__openvino.inl.hpp index 25bb8dff9a..8938b00914 100644 --- a/modules/dnn/test/test_onnx_conformance_layer_filter__openvino.inl.hpp +++ b/modules/dnn/test/test_onnx_conformance_layer_filter__openvino.inl.hpp @@ -86,7 +86,9 @@ CASE(test_add_bcast) SKIP; #endif CASE(test_add_uint8) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_and2d) // no filter CASE(test_and3d) @@ -104,69 +106,133 @@ CASE(test_and_bcast4v3d) CASE(test_and_bcast4v4d) // no filter CASE(test_argmax_default_axis_example) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmax_default_axis_example_select_last_index) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmax_default_axis_random) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmax_default_axis_random_select_last_index) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmax_keepdims_example) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmax_keepdims_example_select_last_index) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmax_keepdims_random) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmax_keepdims_random_select_last_index) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmax_negative_axis_keepdims_example) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmax_negative_axis_keepdims_example_select_last_index) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmax_negative_axis_keepdims_random) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmax_negative_axis_keepdims_random_select_last_index) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmax_no_keepdims_example) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmax_no_keepdims_example_select_last_index) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmax_no_keepdims_random) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmax_no_keepdims_random_select_last_index) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmin_default_axis_example) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmin_default_axis_example_select_last_index) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmin_default_axis_random) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmin_default_axis_random_select_last_index) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmin_keepdims_example) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmin_keepdims_example_select_last_index) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmin_keepdims_random) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmin_keepdims_random_select_last_index) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmin_negative_axis_keepdims_example) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmin_negative_axis_keepdims_example_select_last_index) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmin_negative_axis_keepdims_random) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmin_negative_axis_keepdims_random_select_last_index) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmin_no_keepdims_example) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmin_no_keepdims_example_select_last_index) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmin_no_keepdims_random) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_argmin_no_keepdims_random_select_last_index) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_asin) // no filter CASE(test_asin_example) @@ -495,7 +561,9 @@ CASE(test_div_bcast) CASE(test_div_example) // no filter CASE(test_div_uint8) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_dropout_default) // no filter CASE(test_dropout_default_mask) @@ -895,7 +963,9 @@ CASE(test_maxpool_2d_strides) SKIP_MYRIAD; #endif CASE(test_maxpool_2d_uint8) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_maxpool_3d_default) #if INF_ENGINE_VER_MAJOR_EQ(2021040000) SKIP_NON_CPU; @@ -909,7 +979,9 @@ CASE(test_maxpool_with_argmax_2d_precomputed_strides) SKIP; #endif CASE(test_maxunpool_export_with_output_shape) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_maxunpool_export_without_output_shape) #if INF_ENGINE_VER_MAJOR_EQ(2021040000) SKIP; @@ -987,7 +1059,9 @@ CASE(test_mul_bcast) CASE(test_mul_example) // no filter CASE(test_mul_uint8) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_mvn) // no filter CASE(test_mvn_expanded) @@ -1766,7 +1840,9 @@ CASE(test_sub_bcast) CASE(test_sub_example) // no filter CASE(test_sub_uint8) - // no filter +#if INF_ENGINE_VER_MAJOR_EQ(2021040000) + SKIP; +#endif CASE(test_sum_example) // no filter CASE(test_sum_one_input) diff --git a/modules/dnn/test/test_onnx_conformance_layer_filter__vulkan_denylist.inl.hpp b/modules/dnn/test/test_onnx_conformance_layer_filter__vulkan_denylist.inl.hpp new file mode 100644 index 0000000000..101d44cbf0 --- /dev/null +++ b/modules/dnn/test/test_onnx_conformance_layer_filter__vulkan_denylist.inl.hpp @@ -0,0 +1,65 @@ +"test_add_bcast", +"test_add_uint8", +"test_argmax_default_axis_example", +"test_argmax_default_axis_example_select_last_index", +"test_argmax_default_axis_random", +"test_argmax_default_axis_random_select_last_index", +"test_argmax_keepdims_example", +"test_argmax_keepdims_example_select_last_index", +"test_argmax_keepdims_random", +"test_argmax_keepdims_random_select_last_index", +"test_argmax_negative_axis_keepdims_example", +"test_argmax_negative_axis_keepdims_example_select_last_index", +"test_argmax_negative_axis_keepdims_random", +"test_argmax_negative_axis_keepdims_random_select_last_index", +"test_argmax_no_keepdims_example", +"test_argmax_no_keepdims_example_select_last_index", +"test_argmax_no_keepdims_random", +"test_argmax_no_keepdims_random_select_last_index", +"test_argmin_default_axis_example", +"test_argmin_default_axis_example_select_last_index", +"test_argmin_default_axis_random", +"test_argmin_default_axis_random_select_last_index", +"test_argmin_keepdims_example", +"test_argmin_keepdims_example_select_last_index", +"test_argmin_keepdims_random", +"test_argmin_keepdims_random_select_last_index", +"test_argmin_negative_axis_keepdims_example", +"test_argmin_negative_axis_keepdims_example_select_last_index", +"test_argmin_negative_axis_keepdims_random", +"test_argmin_negative_axis_keepdims_random_select_last_index", +"test_argmin_no_keepdims_example", +"test_argmin_no_keepdims_example_select_last_index", +"test_argmin_no_keepdims_random", +"test_argmin_no_keepdims_random_select_last_index", +"test_averagepool_2d_pads_count_include_pad", +"test_averagepool_2d_precomputed_pads_count_include_pad", +"test_averagepool_2d_same_lower", +"test_averagepool_3d_default", +"test_cast_FLOAT_to_STRING", +"test_cast_STRING_to_FLOAT", +"test_castlike_FLOAT_to_STRING_expanded", +"test_castlike_STRING_to_FLOAT_expanded", +"test_concat_1d_axis_negative_1", +"test_div_uint8", +"test_flatten_axis0", +"test_flatten_axis2", +"test_flatten_axis3", +"test_flatten_negative_axis1", +"test_flatten_negative_axis2", +"test_flatten_negative_axis4", +"test_logsoftmax_default_axis", +"test_maxpool_2d_dilations", +"test_maxpool_2d_same_lower", +"test_maxpool_2d_uint8", +"test_maxpool_3d_default", +"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_mul_uint8", +"test_softmax_default_axis", +"test_sub_bcast", +"test_sub_uint8", +"test_transpose_all_permutations_0", +"test_upsample_nearest", diff --git a/modules/dnn/test/test_onnx_conformance_layer_filter_opencv_all_denylist.inl.hpp b/modules/dnn/test/test_onnx_conformance_layer_filter_opencv_all_denylist.inl.hpp index cff1e93aa0..9e4253ae7a 100644 --- a/modules/dnn/test/test_onnx_conformance_layer_filter_opencv_all_denylist.inl.hpp +++ b/modules/dnn/test/test_onnx_conformance_layer_filter_opencv_all_denylist.inl.hpp @@ -1,4 +1,39 @@ "test_add_bcast", +"test_add_uint8", // output type mismatch +#if 1 // output type mismatch CV_32F vs expected 32S +"test_argmax_default_axis_example", +"test_argmax_default_axis_example_select_last_index", +"test_argmax_default_axis_random", +"test_argmax_default_axis_random_select_last_index", +"test_argmax_keepdims_example", +"test_argmax_keepdims_example_select_last_index", +"test_argmax_keepdims_random", +"test_argmax_keepdims_random_select_last_index", +"test_argmax_negative_axis_keepdims_example", +"test_argmax_negative_axis_keepdims_example_select_last_index", +"test_argmax_negative_axis_keepdims_random", +"test_argmax_negative_axis_keepdims_random_select_last_index", +"test_argmax_no_keepdims_example", +"test_argmax_no_keepdims_example_select_last_index", +"test_argmax_no_keepdims_random", +"test_argmax_no_keepdims_random_select_last_index", +"test_argmin_default_axis_example", +"test_argmin_default_axis_example_select_last_index", +"test_argmin_default_axis_random", +"test_argmin_default_axis_random_select_last_index", +"test_argmin_keepdims_example", +"test_argmin_keepdims_example_select_last_index", +"test_argmin_keepdims_random", +"test_argmin_keepdims_random_select_last_index", +"test_argmin_negative_axis_keepdims_example", +"test_argmin_negative_axis_keepdims_example_select_last_index", +"test_argmin_negative_axis_keepdims_random", +"test_argmin_negative_axis_keepdims_random_select_last_index", +"test_argmin_no_keepdims_example", +"test_argmin_no_keepdims_example_select_last_index", +"test_argmin_no_keepdims_random", +"test_argmin_no_keepdims_random_select_last_index", +#endif "test_averagepool_2d_pads_count_include_pad", "test_averagepool_2d_precomputed_pads_count_include_pad", "test_averagepool_2d_same_lower", @@ -7,6 +42,7 @@ "test_castlike_FLOAT_to_STRING_expanded", "test_castlike_STRING_to_FLOAT_expanded", "test_concat_1d_axis_negative_1", +"test_div_uint8", // output type mismatch "test_flatten_axis0", "test_flatten_axis2", "test_flatten_axis3", @@ -16,8 +52,12 @@ "test_logsoftmax_default_axis", "test_maxpool_2d_dilations", "test_maxpool_2d_same_lower", +"test_maxpool_2d_uint8", // output type mismatch "test_maxpool_with_argmax_2d_precomputed_pads", "test_maxpool_with_argmax_2d_precomputed_strides", +"test_maxunpool_export_with_output_shape", // exception during net.forward() call +"test_mul_uint8", // output type mismatch "test_softmax_default_axis", "test_sub_bcast", +"test_sub_uint8", // output type mismatch "test_upsample_nearest", diff --git a/modules/dnn/test/test_onnx_conformance_layer_parser_denylist.inl.hpp b/modules/dnn/test/test_onnx_conformance_layer_parser_denylist.inl.hpp index 2489105e91..b95cafd5d7 100644 --- a/modules/dnn/test/test_onnx_conformance_layer_parser_denylist.inl.hpp +++ b/modules/dnn/test/test_onnx_conformance_layer_parser_denylist.inl.hpp @@ -1,6 +1,5 @@ // The file is autogenerated // Update note: execute /testdata/dnn/onnx/generate_conformance_list.py -"test_abs", "test_acos", "test_acos_example", "test_acosh", @@ -9,7 +8,6 @@ "test_adagrad_multiple", "test_adam", "test_adam_multiple", -"test_add_uint8", "test_and2d", "test_and3d", "test_and4d", @@ -18,38 +16,6 @@ "test_and_bcast4v2d", "test_and_bcast4v3d", "test_and_bcast4v4d", -"test_argmax_default_axis_example", -"test_argmax_default_axis_example_select_last_index", -"test_argmax_default_axis_random", -"test_argmax_default_axis_random_select_last_index", -"test_argmax_keepdims_example", -"test_argmax_keepdims_example_select_last_index", -"test_argmax_keepdims_random", -"test_argmax_keepdims_random_select_last_index", -"test_argmax_negative_axis_keepdims_example", -"test_argmax_negative_axis_keepdims_example_select_last_index", -"test_argmax_negative_axis_keepdims_random", -"test_argmax_negative_axis_keepdims_random_select_last_index", -"test_argmax_no_keepdims_example", -"test_argmax_no_keepdims_example_select_last_index", -"test_argmax_no_keepdims_random", -"test_argmax_no_keepdims_random_select_last_index", -"test_argmin_default_axis_example", -"test_argmin_default_axis_example_select_last_index", -"test_argmin_default_axis_random", -"test_argmin_default_axis_random_select_last_index", -"test_argmin_keepdims_example", -"test_argmin_keepdims_example_select_last_index", -"test_argmin_keepdims_random", -"test_argmin_keepdims_random_select_last_index", -"test_argmin_negative_axis_keepdims_example", -"test_argmin_negative_axis_keepdims_example_select_last_index", -"test_argmin_negative_axis_keepdims_random", -"test_argmin_negative_axis_keepdims_random_select_last_index", -"test_argmin_no_keepdims_example", -"test_argmin_no_keepdims_example_select_last_index", -"test_argmin_no_keepdims_random", -"test_argmin_no_keepdims_random_select_last_index", "test_asin", "test_asin_example", "test_asinh", @@ -103,8 +69,6 @@ "test_castlike_FLOAT_to_FLOAT16_expanded", "test_castlike_FLOAT_to_STRING", "test_castlike_STRING_to_FLOAT", -"test_ceil", -"test_ceil_example", "test_celu", "test_clip", "test_clip_default_inbounds", @@ -158,7 +122,6 @@ "test_det_2d", "test_det_nd", "test_div_example", -"test_div_uint8", "test_dropout_default_mask", "test_dropout_default_mask_ratio", "test_dynamicquantizelinear", @@ -181,8 +144,6 @@ "test_eyelike_populate_off_main_diagonal", "test_eyelike_with_dtype", "test_eyelike_without_dtype", -"test_floor", -"test_floor_example", "test_gather_0", "test_gather_1", "test_gather_2d_indices", @@ -251,8 +212,6 @@ "test_less_equal_bcast", "test_less_equal_bcast_expanded", "test_less_equal_expanded", -"test_log", -"test_log_example", "test_loop11", "test_loop13_seq", "test_loop16_seq_none", @@ -275,8 +234,6 @@ "test_max_uint32", "test_max_uint64", "test_max_uint8", -"test_maxpool_2d_uint8", -"test_maxunpool_export_with_output_shape", "test_mean_example", "test_mean_one_input", "test_mean_two_inputs", @@ -310,7 +267,6 @@ "test_momentum", "test_momentum_multiple", "test_mul_example", -"test_mul_uint8", "test_mvn", "test_mvn_expanded", "test_nesterov_momentum", @@ -508,7 +464,6 @@ "test_rnn_seq_length", "test_roialign_aligned_false", "test_roialign_aligned_true", -"test_round", "test_scan9_sum", "test_scan_sum", "test_scatter_elements_with_axis", @@ -633,8 +588,6 @@ "test_split_variable_parts_2d", "test_split_variable_parts_default_axis", "test_split_zero_size_splits", -"test_sqrt", -"test_sqrt_example", "test_squeeze", "test_squeeze_negative_axes", "test_strnormalizer_export_monday_casesensintive_lower", @@ -644,7 +597,6 @@ "test_strnormalizer_export_monday_insensintive_upper_twodim", "test_strnormalizer_nostopwords_nochangecase", "test_sub_example", -"test_sub_uint8", "test_sum_example", "test_sum_two_inputs", "test_tan",