mirror of
https://github.com/opencv/opencv.git
synced 2025-08-06 14:36:36 +08:00
Merge remote-tracking branch 'upstream/3.4' into merge-3.4
This commit is contained in:
commit
299f9837b7
@ -106,8 +106,8 @@ if(DEFINED InferenceEngine_VERSION)
|
||||
endif()
|
||||
endif()
|
||||
if(NOT INF_ENGINE_RELEASE AND NOT INF_ENGINE_RELEASE_INIT)
|
||||
message(STATUS "WARNING: InferenceEngine version has not been set, 2021.4.1 will be used by default. Set INF_ENGINE_RELEASE variable if you experience build errors.")
|
||||
set(INF_ENGINE_RELEASE_INIT "2021040100")
|
||||
message(STATUS "WARNING: InferenceEngine version has not been set, 2021.4.2 will be used by default. Set INF_ENGINE_RELEASE variable if you experience build errors.")
|
||||
set(INF_ENGINE_RELEASE_INIT "2021040200")
|
||||
elseif(DEFINED INF_ENGINE_RELEASE)
|
||||
set(INF_ENGINE_RELEASE_INIT "${INF_ENGINE_RELEASE}")
|
||||
endif()
|
||||
|
@ -54,7 +54,7 @@ Theory
|
||||
- To produce layer \f$(i+1)\f$ in the Gaussian pyramid, we do the following:
|
||||
- Convolve \f$G_{i}\f$ with a Gaussian kernel:
|
||||
|
||||
\f[\frac{1}{16} \begin{bmatrix} 1 & 4 & 6 & 4 & 1 \\ 4 & 16 & 24 & 16 & 4 \\ 6 & 24 & 36 & 24 & 6 \\ 4 & 16 & 24 & 16 & 4 \\ 1 & 4 & 6 & 4 & 1 \end{bmatrix}\f]
|
||||
\f[\frac{1}{256} \begin{bmatrix} 1 & 4 & 6 & 4 & 1 \\ 4 & 16 & 24 & 16 & 4 \\ 6 & 24 & 36 & 24 & 6 \\ 4 & 16 & 24 & 16 & 4 \\ 1 & 4 & 6 & 4 & 1 \end{bmatrix}\f]
|
||||
|
||||
- Remove every even-numbered row and column.
|
||||
|
||||
|
@ -140,12 +140,13 @@ public:
|
||||
outputs[0].setTo(paddingValue);
|
||||
inputs[0].copyTo(outputs[0](dstRanges));
|
||||
}
|
||||
else if (paddingType == "reflect")
|
||||
else if (paddingType == "reflect" || paddingType == "edge")
|
||||
{
|
||||
CV_Assert(inputs.size() == 1);
|
||||
CV_Assert(outputs.size() == 1);
|
||||
CV_Assert(inputs[0].dims == 4);
|
||||
CV_Assert(outputs[0].dims == 4);
|
||||
int borderType = paddingType == "reflect" ? BORDER_REFLECT_101 : BORDER_REPLICATE;
|
||||
|
||||
if (inputs[0].size[0] != outputs[0].size[0] || inputs[0].size[1] != outputs[0].size[1])
|
||||
CV_Error(Error::StsNotImplemented, "Only spatial reflection padding is supported.");
|
||||
@ -158,8 +159,8 @@ public:
|
||||
const int padBottom = outHeight - dstRanges[2].end;
|
||||
const int padLeft = dstRanges[3].start;
|
||||
const int padRight = outWidth - dstRanges[3].end;
|
||||
CV_CheckLT(padTop, inpHeight, ""); CV_CheckLT(padBottom, inpHeight, "");
|
||||
CV_CheckLT(padLeft, inpWidth, ""); CV_CheckLT(padRight, inpWidth, "");
|
||||
CV_CheckLE(padTop, inpHeight, ""); CV_CheckLE(padBottom, inpHeight, "");
|
||||
CV_CheckLE(padLeft, inpWidth, ""); CV_CheckLE(padRight, inpWidth, "");
|
||||
|
||||
for (size_t n = 0; n < inputs[0].size[0]; ++n)
|
||||
{
|
||||
@ -168,7 +169,7 @@ public:
|
||||
copyMakeBorder(getPlane(inputs[0], n, ch),
|
||||
getPlane(outputs[0], n, ch),
|
||||
padTop, padBottom, padLeft, padRight,
|
||||
BORDER_REFLECT_101);
|
||||
borderType);
|
||||
}
|
||||
}
|
||||
}
|
||||
|
@ -101,6 +101,7 @@ private:
|
||||
static const DispatchMap buildDispatchMap();
|
||||
|
||||
void parseArg (LayerParams& layerParams, const opencv_onnx::NodeProto& node_proto);
|
||||
void parseMaxUnpool (LayerParams& layerParams, const opencv_onnx::NodeProto& node_proto);
|
||||
void parseMaxPool (LayerParams& layerParams, const opencv_onnx::NodeProto& node_proto);
|
||||
void parseAveragePool (LayerParams& layerParams, const opencv_onnx::NodeProto& node_proto);
|
||||
void parseReduce (LayerParams& layerParams, const opencv_onnx::NodeProto& node_proto);
|
||||
@ -790,6 +791,41 @@ void setCeilMode(LayerParams& layerParams)
|
||||
}
|
||||
}
|
||||
|
||||
void ONNXImporter::parseMaxUnpool(LayerParams& layerParams, const opencv_onnx::NodeProto& node_proto)
|
||||
{
|
||||
layerParams.type = "MaxUnpool";
|
||||
|
||||
DictValue kernel_shape = layerParams.get("kernel_size");
|
||||
CV_Assert(kernel_shape.size() == 2);
|
||||
layerParams.set("pool_k_w", kernel_shape.get<int>(0));
|
||||
layerParams.set("pool_k_h", kernel_shape.get<int>(1));
|
||||
|
||||
int pool_pad_w = 0, pool_pad_h = 0;
|
||||
if (layerParams.has("pad"))
|
||||
{
|
||||
DictValue pads = layerParams.get("pad");
|
||||
CV_CheckEQ(pads.size(), 2, "");
|
||||
pool_pad_w = pads.get<int>(0);
|
||||
pool_pad_h = pads.get<int>(1);
|
||||
}
|
||||
layerParams.set("pool_pad_w", pool_pad_w);
|
||||
layerParams.set("pool_pad_h", pool_pad_h);
|
||||
|
||||
|
||||
int pool_stride_w = 1, pool_stride_h = 1;
|
||||
if (layerParams.has("stride"))
|
||||
{
|
||||
DictValue strides = layerParams.get("stride");
|
||||
CV_CheckEQ(strides.size(), 2, "");
|
||||
pool_stride_w = strides.get<int>(0);
|
||||
pool_stride_h = strides.get<int>(1);
|
||||
}
|
||||
layerParams.set("pool_stride_w", pool_stride_w);
|
||||
layerParams.set("pool_stride_h", pool_stride_h);
|
||||
|
||||
addLayer(layerParams, node_proto);
|
||||
}
|
||||
|
||||
void ONNXImporter::parseMaxPool(LayerParams& layerParams, const opencv_onnx::NodeProto& node_proto)
|
||||
{
|
||||
int depth = layerParams.get<int>("depth", CV_32F);
|
||||
@ -824,11 +860,11 @@ void ONNXImporter::parseReduce(LayerParams& layerParams, const opencv_onnx::Node
|
||||
pool = "AVE";
|
||||
layerParams.set("pool", pool);
|
||||
layerParams.set("global_pooling", !layerParams.has("axes"));
|
||||
bool keepdims = layerParams.get<int>("keepdims", 1) == 1;
|
||||
if (layerParams.has("axes") && (layer_type == "ReduceMean" || layer_type == "ReduceSum" || layer_type == "ReduceMax"))
|
||||
{
|
||||
MatShape inpShape = outShapes[node_proto.input(0)];
|
||||
DictValue axes = layerParams.get("axes");
|
||||
bool keepdims = layerParams.get<int>("keepdims");
|
||||
MatShape targetShape;
|
||||
std::vector<bool> shouldDelete(inpShape.size(), false);
|
||||
for (int i = 0; i < axes.size(); i++) {
|
||||
@ -936,7 +972,10 @@ void ONNXImporter::parseReduce(LayerParams& layerParams, const opencv_onnx::Node
|
||||
}
|
||||
else if (!layerParams.has("axes") && (layer_type == "ReduceMean" || layer_type == "ReduceSum" || layer_type == "ReduceMax"))
|
||||
{
|
||||
CV_CheckEQ(layerParams.get<int>("keepdims"), 0, "layer only supports keepdims = false");
|
||||
IterShape_t shapeIt = outShapes.find(node_proto.input(0));
|
||||
CV_Assert(shapeIt != outShapes.end());
|
||||
const size_t dims = keepdims ? shapeIt->second.size() : 1;
|
||||
|
||||
LayerParams reshapeLp;
|
||||
reshapeLp.name = layerParams.name + "/reshape";
|
||||
reshapeLp.type = "Reshape";
|
||||
@ -958,8 +997,8 @@ void ONNXImporter::parseReduce(LayerParams& layerParams, const opencv_onnx::Node
|
||||
addLayer(poolLp, node_proto);
|
||||
|
||||
layerParams.type = "Reshape";
|
||||
int targetShape[] = {1};
|
||||
layerParams.set("dim", DictValue::arrayInt(&targetShape[0], 1));
|
||||
std::vector<int> targetShape(dims, 1);
|
||||
layerParams.set("dim", DictValue::arrayInt(targetShape.data(), targetShape.size()));
|
||||
|
||||
node_proto.set_input(0, node_proto.output(0));
|
||||
node_proto.set_output(0, layerParams.name);
|
||||
@ -1412,6 +1451,7 @@ void ONNXImporter::parseImageScaler(LayerParams& layerParams, const opencv_onnx:
|
||||
|
||||
void ONNXImporter::parseClip(LayerParams& layerParams, const opencv_onnx::NodeProto& node_proto)
|
||||
{
|
||||
CV_CheckEQ(node_proto.input_size(), 1, "");
|
||||
layerParams.type = "ReLU6";
|
||||
layerParams.set("min_value", layerParams.get<float>("min", -FLT_MAX));
|
||||
layerParams.set("max_value", layerParams.get<float>("max", FLT_MAX));
|
||||
@ -2996,6 +3036,7 @@ const ONNXImporter::DispatchMap ONNXImporter::buildDispatchMap()
|
||||
DispatchMap dispatch;
|
||||
|
||||
dispatch["ArgMax"] = dispatch["ArgMin"] = &ONNXImporter::parseArg;
|
||||
dispatch["MaxUnpool"] = &ONNXImporter::parseMaxUnpool;
|
||||
dispatch["MaxPool"] = &ONNXImporter::parseMaxPool;
|
||||
dispatch["AveragePool"] = &ONNXImporter::parseAveragePool;
|
||||
dispatch["GlobalAveragePool"] = dispatch["GlobalMaxPool"] = dispatch["ReduceMean"] = dispatch["ReduceSum"] =
|
||||
|
@ -18,8 +18,9 @@
|
||||
#define INF_ENGINE_VER_MAJOR_LE(ver) (((INF_ENGINE_RELEASE) / 10000) <= ((ver) / 10000))
|
||||
#define INF_ENGINE_VER_MAJOR_EQ(ver) (((INF_ENGINE_RELEASE) / 10000) == ((ver) / 10000))
|
||||
|
||||
|
||||
#define CV_TEST_TAG_DNN_SKIP_OPENCV_BACKEND "dnn_skip_opencv_backend"
|
||||
#define CV_TEST_TAG_DNN_SKIP_HALIDE "dnn_skip_halide"
|
||||
#define CV_TEST_TAG_DNN_SKIP_CPU "dnn_skip_cpu"
|
||||
#define CV_TEST_TAG_DNN_SKIP_OPENCL "dnn_skip_ocl"
|
||||
#define CV_TEST_TAG_DNN_SKIP_OPENCL_FP16 "dnn_skip_ocl_fp16"
|
||||
#define CV_TEST_TAG_DNN_SKIP_IE_NN_BUILDER "dnn_skip_ie_nn_builder"
|
||||
@ -44,6 +45,9 @@
|
||||
#define CV_TEST_TAG_DNN_SKIP_CUDA_FP16 "dnn_skip_cuda_fp16"
|
||||
#define CV_TEST_TAG_DNN_SKIP_CUDA_FP32 "dnn_skip_cuda_fp32"
|
||||
|
||||
#define CV_TEST_TAG_DNN_SKIP_ONNX_CONFORMANCE "dnn_skip_onnx_conformance"
|
||||
#define CV_TEST_TAG_DNN_SKIP_PARSER "dnn_skip_parser"
|
||||
|
||||
|
||||
#ifdef HAVE_INF_ENGINE
|
||||
#if INF_ENGINE_VER_MAJOR_EQ(2018050000)
|
||||
|
@ -442,9 +442,15 @@ void initDNNTests()
|
||||
cvtest::addDataSearchPath(extraTestDataPath);
|
||||
|
||||
registerGlobalSkipTag(
|
||||
CV_TEST_TAG_DNN_SKIP_HALIDE,
|
||||
CV_TEST_TAG_DNN_SKIP_OPENCV_BACKEND,
|
||||
CV_TEST_TAG_DNN_SKIP_CPU,
|
||||
CV_TEST_TAG_DNN_SKIP_OPENCL, CV_TEST_TAG_DNN_SKIP_OPENCL_FP16
|
||||
);
|
||||
#if defined(HAVE_HALIDE)
|
||||
registerGlobalSkipTag(
|
||||
CV_TEST_TAG_DNN_SKIP_HALIDE
|
||||
);
|
||||
#endif
|
||||
#if defined(INF_ENGINE_RELEASE)
|
||||
registerGlobalSkipTag(
|
||||
CV_TEST_TAG_DNN_SKIP_IE,
|
||||
@ -478,12 +484,15 @@ void initDNNTests()
|
||||
CV_TEST_TAG_DNN_SKIP_VULKAN
|
||||
);
|
||||
#endif
|
||||
|
||||
#ifdef HAVE_CUDA
|
||||
registerGlobalSkipTag(
|
||||
CV_TEST_TAG_DNN_SKIP_CUDA, CV_TEST_TAG_DNN_SKIP_CUDA_FP32, CV_TEST_TAG_DNN_SKIP_CUDA_FP16
|
||||
);
|
||||
#endif
|
||||
registerGlobalSkipTag(
|
||||
CV_TEST_TAG_DNN_SKIP_ONNX_CONFORMANCE,
|
||||
CV_TEST_TAG_DNN_SKIP_PARSER
|
||||
);
|
||||
}
|
||||
|
||||
} // namespace
|
||||
|
1214
modules/dnn/test/test_onnx_conformance.cpp
Normal file
1214
modules/dnn/test/test_onnx_conformance.cpp
Normal file
File diff suppressed because it is too large
Load Diff
@ -0,0 +1,60 @@
|
||||
"test_add",
|
||||
"test_add_bcast",
|
||||
"test_averagepool_2d_ceil",
|
||||
"test_averagepool_2d_pads_count_include_pad",
|
||||
"test_averagepool_2d_precomputed_pads_count_include_pad",
|
||||
"test_averagepool_2d_precomputed_strides",
|
||||
"test_averagepool_2d_same_lower",
|
||||
"test_averagepool_2d_same_upper",
|
||||
"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_concat_3d_axis_1",
|
||||
"test_div",
|
||||
"test_div_bcast",
|
||||
"test_elu",
|
||||
"test_elu_default",
|
||||
"test_exp",
|
||||
"test_flatten_axis0",
|
||||
"test_flatten_axis2",
|
||||
"test_flatten_axis3",
|
||||
"test_flatten_negative_axis1",
|
||||
"test_flatten_negative_axis2",
|
||||
"test_flatten_negative_axis4",
|
||||
"test_leakyrelu",
|
||||
"test_leakyrelu_default",
|
||||
"test_logsoftmax_axis_1",
|
||||
"test_logsoftmax_axis_1_expanded",
|
||||
"test_logsoftmax_default_axis",
|
||||
"test_logsoftmax_example_1",
|
||||
"test_logsoftmax_large_number",
|
||||
"test_matmul_2d",
|
||||
"test_matmul_3d",
|
||||
"test_matmul_4d",
|
||||
"test_maxpool_2d_dilations",
|
||||
"test_maxpool_2d_same_lower",
|
||||
"test_maxpool_with_argmax_2d_precomputed_pads",
|
||||
"test_maxpool_with_argmax_2d_precomputed_strides",
|
||||
"test_mul",
|
||||
"test_mul_bcast",
|
||||
"test_neg",
|
||||
"test_reduce_max_default_axes_keepdim_example",
|
||||
"test_reduce_max_default_axes_keepdims_random",
|
||||
"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_relu",
|
||||
"test_sigmoid",
|
||||
"test_softmax_axis_1",
|
||||
"test_softmax_axis_1_expanded",
|
||||
"test_softmax_default_axis",
|
||||
"test_softmax_large_number",
|
||||
"test_sub",
|
||||
"test_sub_bcast",
|
||||
"test_tanh",
|
||||
"test_upsample_nearest",
|
File diff suppressed because it is too large
Load Diff
@ -0,0 +1,23 @@
|
||||
"test_add_bcast",
|
||||
"test_averagepool_2d_pads_count_include_pad",
|
||||
"test_averagepool_2d_precomputed_pads_count_include_pad",
|
||||
"test_averagepool_2d_same_lower",
|
||||
"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_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_with_argmax_2d_precomputed_pads",
|
||||
"test_maxpool_with_argmax_2d_precomputed_strides",
|
||||
"test_softmax_default_axis",
|
||||
"test_sub_bcast",
|
||||
"test_upsample_nearest",
|
@ -0,0 +1,21 @@
|
||||
"test_averagepool_3d_default",
|
||||
"test_dropout_default_ratio",
|
||||
"test_globalmaxpool",
|
||||
"test_globalmaxpool_precomputed",
|
||||
"test_logsoftmax_large_number",
|
||||
"test_logsoftmax_large_number_expanded",
|
||||
"test_maxpool_1d_default",
|
||||
"test_maxpool_2d_ceil",
|
||||
"test_maxpool_2d_default",
|
||||
"test_maxpool_2d_pads",
|
||||
"test_maxpool_2d_precomputed_pads",
|
||||
"test_maxpool_2d_precomputed_same_upper",
|
||||
"test_maxpool_2d_precomputed_strides",
|
||||
"test_maxpool_2d_same_upper",
|
||||
"test_maxpool_2d_strides",
|
||||
"test_maxpool_3d_default",
|
||||
"test_softmax_large_number",
|
||||
"test_softmax_large_number_expanded",
|
||||
"test_split_equal_parts_1d",
|
||||
"test_split_equal_parts_2d",
|
||||
"test_split_equal_parts_default_axis",
|
@ -0,0 +1,2 @@
|
||||
"test_averagepool_3d_default",
|
||||
"test_maxpool_3d_default",
|
@ -0,0 +1,712 @@
|
||||
// The file is autogenerated
|
||||
// Update note: execute <opencv_extra>/testdata/dnn/onnx/generate_conformance_list.py <gtest_xml_file>
|
||||
"test_abs",
|
||||
"test_acos",
|
||||
"test_acos_example",
|
||||
"test_acosh",
|
||||
"test_acosh_example",
|
||||
"test_adagrad",
|
||||
"test_adagrad_multiple",
|
||||
"test_adam",
|
||||
"test_adam_multiple",
|
||||
"test_add_uint8",
|
||||
"test_and2d",
|
||||
"test_and3d",
|
||||
"test_and4d",
|
||||
"test_and_bcast3v1d",
|
||||
"test_and_bcast3v2d",
|
||||
"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",
|
||||
"test_asinh_example",
|
||||
"test_atan",
|
||||
"test_atan_example",
|
||||
"test_atanh",
|
||||
"test_atanh_example",
|
||||
"test_basic_convinteger",
|
||||
"test_batchnorm_epsilon",
|
||||
"test_batchnorm_epsilon_training_mode",
|
||||
"test_batchnorm_example",
|
||||
"test_batchnorm_example_training_mode",
|
||||
"test_bernoulli",
|
||||
"test_bernoulli_double",
|
||||
"test_bernoulli_double_expanded",
|
||||
"test_bernoulli_expanded",
|
||||
"test_bernoulli_seed",
|
||||
"test_bernoulli_seed_expanded",
|
||||
"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_cast_BFLOAT16_to_FLOAT",
|
||||
"test_cast_DOUBLE_to_FLOAT",
|
||||
"test_cast_DOUBLE_to_FLOAT16",
|
||||
"test_cast_FLOAT16_to_DOUBLE",
|
||||
"test_cast_FLOAT16_to_FLOAT",
|
||||
"test_cast_FLOAT_to_BFLOAT16",
|
||||
"test_cast_FLOAT_to_DOUBLE",
|
||||
"test_cast_FLOAT_to_FLOAT16",
|
||||
"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_FLOAT16_to_FLOAT",
|
||||
"test_castlike_FLOAT16_to_FLOAT_expanded",
|
||||
"test_castlike_FLOAT_to_BFLOAT16",
|
||||
"test_castlike_FLOAT_to_BFLOAT16_expanded",
|
||||
"test_castlike_FLOAT_to_DOUBLE",
|
||||
"test_castlike_FLOAT_to_DOUBLE_expanded",
|
||||
"test_castlike_FLOAT_to_FLOAT16",
|
||||
"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",
|
||||
"test_clip_default_int8_inbounds",
|
||||
"test_clip_default_int8_max",
|
||||
"test_clip_default_int8_min",
|
||||
"test_clip_default_max",
|
||||
"test_clip_default_min",
|
||||
"test_clip_example",
|
||||
"test_clip_inbounds",
|
||||
"test_clip_outbounds",
|
||||
"test_clip_splitbounds",
|
||||
"test_compress_0",
|
||||
"test_compress_1",
|
||||
"test_compress_default_axis",
|
||||
"test_compress_negative_axis",
|
||||
"test_constant",
|
||||
"test_constant_pad",
|
||||
"test_constantofshape_float_ones",
|
||||
"test_constantofshape_int_shape_zero",
|
||||
"test_constantofshape_int_zeros",
|
||||
"test_convinteger_with_padding",
|
||||
"test_convinteger_without_padding",
|
||||
"test_convtranspose",
|
||||
"test_convtranspose_1d",
|
||||
"test_convtranspose_3d",
|
||||
"test_convtranspose_autopad_same",
|
||||
"test_convtranspose_dilations",
|
||||
"test_convtranspose_kernel_shape",
|
||||
"test_convtranspose_output_shape",
|
||||
"test_convtranspose_pad",
|
||||
"test_convtranspose_pads",
|
||||
"test_convtranspose_with_kernel",
|
||||
"test_cos",
|
||||
"test_cos_example",
|
||||
"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_depthtospace_crd_mode",
|
||||
"test_depthtospace_crd_mode_example",
|
||||
"test_depthtospace_dcr_mode",
|
||||
"test_depthtospace_example",
|
||||
"test_dequantizelinear",
|
||||
"test_dequantizelinear_axis",
|
||||
"test_det_2d",
|
||||
"test_det_nd",
|
||||
"test_div_example",
|
||||
"test_div_uint8",
|
||||
"test_dropout_default_mask",
|
||||
"test_dropout_default_mask_ratio",
|
||||
"test_dynamicquantizelinear",
|
||||
"test_dynamicquantizelinear_expanded",
|
||||
"test_dynamicquantizelinear_max_adjusted",
|
||||
"test_dynamicquantizelinear_max_adjusted_expanded",
|
||||
"test_dynamicquantizelinear_min_adjusted",
|
||||
"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",
|
||||
"test_equal_bcast",
|
||||
"test_erf",
|
||||
"test_expand_dim_changed",
|
||||
"test_expand_dim_unchanged",
|
||||
"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",
|
||||
"test_gather_elements_0",
|
||||
"test_gather_elements_1",
|
||||
"test_gather_elements_negative_indices",
|
||||
"test_gather_negative_indices",
|
||||
"test_gathernd_example_float32",
|
||||
"test_gathernd_example_int32",
|
||||
"test_gathernd_example_int32_batch_dim1",
|
||||
"test_gemm_all_attributes",
|
||||
"test_gemm_alpha",
|
||||
"test_gemm_beta",
|
||||
"test_gemm_default_matrix_bias",
|
||||
"test_gemm_default_no_bias",
|
||||
"test_gemm_default_scalar_bias",
|
||||
"test_gemm_default_single_elem_vector_bias",
|
||||
"test_gemm_default_vector_bias",
|
||||
"test_gemm_default_zero_bias",
|
||||
"test_gemm_transposeA",
|
||||
"test_gemm_transposeB",
|
||||
"test_greater",
|
||||
"test_greater_bcast",
|
||||
"test_greater_equal",
|
||||
"test_greater_equal_bcast",
|
||||
"test_greater_equal_bcast_expanded",
|
||||
"test_greater_equal_expanded",
|
||||
"test_gridsample",
|
||||
"test_gridsample_aligncorners_true",
|
||||
"test_gridsample_bicubic",
|
||||
"test_gridsample_bilinear",
|
||||
"test_gridsample_border_padding",
|
||||
"test_gridsample_nearest",
|
||||
"test_gridsample_reflection_padding",
|
||||
"test_gridsample_zeros_padding",
|
||||
"test_gru_batchwise",
|
||||
"test_gru_defaults",
|
||||
"test_gru_seq_length",
|
||||
"test_gru_with_initial_bias",
|
||||
"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_hardsigmoid",
|
||||
"test_hardsigmoid_default",
|
||||
"test_hardsigmoid_example",
|
||||
"test_hardswish",
|
||||
"test_hardswish_expanded",
|
||||
"test_identity_opt",
|
||||
"test_identity_sequence",
|
||||
"test_if",
|
||||
"test_if_opt",
|
||||
"test_if_seq",
|
||||
"test_instancenorm_epsilon",
|
||||
"test_instancenorm_example",
|
||||
"test_isinf",
|
||||
"test_isinf_negative",
|
||||
"test_isinf_positive",
|
||||
"test_isnan",
|
||||
"test_less",
|
||||
"test_less_bcast",
|
||||
"test_less_equal",
|
||||
"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",
|
||||
"test_lstm_batchwise",
|
||||
"test_lstm_defaults",
|
||||
"test_lstm_with_initial_bias",
|
||||
"test_lstm_with_peepholes",
|
||||
"test_matmulinteger",
|
||||
"test_max_example",
|
||||
"test_max_float16",
|
||||
"test_max_float32",
|
||||
"test_max_float64",
|
||||
"test_max_int16",
|
||||
"test_max_int32",
|
||||
"test_max_int64",
|
||||
"test_max_int8",
|
||||
"test_max_one_input",
|
||||
"test_max_two_inputs",
|
||||
"test_max_uint16",
|
||||
"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",
|
||||
"test_min_example",
|
||||
"test_min_float16",
|
||||
"test_min_float32",
|
||||
"test_min_float64",
|
||||
"test_min_int16",
|
||||
"test_min_int32",
|
||||
"test_min_int64",
|
||||
"test_min_int8",
|
||||
"test_min_one_input",
|
||||
"test_min_two_inputs",
|
||||
"test_min_uint16",
|
||||
"test_min_uint32",
|
||||
"test_min_uint64",
|
||||
"test_min_uint8",
|
||||
"test_mod_broadcast",
|
||||
"test_mod_int64_fmod",
|
||||
"test_mod_mixed_sign_float16",
|
||||
"test_mod_mixed_sign_float32",
|
||||
"test_mod_mixed_sign_float64",
|
||||
"test_mod_mixed_sign_int16",
|
||||
"test_mod_mixed_sign_int32",
|
||||
"test_mod_mixed_sign_int64",
|
||||
"test_mod_mixed_sign_int8",
|
||||
"test_mod_uint16",
|
||||
"test_mod_uint32",
|
||||
"test_mod_uint64",
|
||||
"test_mod_uint8",
|
||||
"test_momentum",
|
||||
"test_momentum_multiple",
|
||||
"test_mul_example",
|
||||
"test_mul_uint8",
|
||||
"test_mvn",
|
||||
"test_mvn_expanded",
|
||||
"test_nesterov_momentum",
|
||||
"test_nllloss_NC",
|
||||
"test_nllloss_NC_expanded",
|
||||
"test_nllloss_NCd1",
|
||||
"test_nllloss_NCd1_expanded",
|
||||
"test_nllloss_NCd1_ii",
|
||||
"test_nllloss_NCd1_ii_expanded",
|
||||
"test_nllloss_NCd1_mean_weight_negative_ii",
|
||||
"test_nllloss_NCd1_mean_weight_negative_ii_expanded",
|
||||
"test_nllloss_NCd1_weight",
|
||||
"test_nllloss_NCd1_weight_expanded",
|
||||
"test_nllloss_NCd1_weight_ii",
|
||||
"test_nllloss_NCd1_weight_ii_expanded",
|
||||
"test_nllloss_NCd1d2",
|
||||
"test_nllloss_NCd1d2_expanded",
|
||||
"test_nllloss_NCd1d2_no_weight_reduction_mean_ii",
|
||||
"test_nllloss_NCd1d2_no_weight_reduction_mean_ii_expanded",
|
||||
"test_nllloss_NCd1d2_reduction_mean",
|
||||
"test_nllloss_NCd1d2_reduction_mean_expanded",
|
||||
"test_nllloss_NCd1d2_reduction_sum",
|
||||
"test_nllloss_NCd1d2_reduction_sum_expanded",
|
||||
"test_nllloss_NCd1d2_with_weight",
|
||||
"test_nllloss_NCd1d2_with_weight_expanded",
|
||||
"test_nllloss_NCd1d2_with_weight_reduction_mean",
|
||||
"test_nllloss_NCd1d2_with_weight_reduction_mean_expanded",
|
||||
"test_nllloss_NCd1d2_with_weight_reduction_sum",
|
||||
"test_nllloss_NCd1d2_with_weight_reduction_sum_expanded",
|
||||
"test_nllloss_NCd1d2_with_weight_reduction_sum_ii",
|
||||
"test_nllloss_NCd1d2_with_weight_reduction_sum_ii_expanded",
|
||||
"test_nllloss_NCd1d2d3_none_no_weight_negative_ii",
|
||||
"test_nllloss_NCd1d2d3_none_no_weight_negative_ii_expanded",
|
||||
"test_nllloss_NCd1d2d3_sum_weight_high_ii",
|
||||
"test_nllloss_NCd1d2d3_sum_weight_high_ii_expanded",
|
||||
"test_nllloss_NCd1d2d3d4d5_mean_weight",
|
||||
"test_nllloss_NCd1d2d3d4d5_mean_weight_expanded",
|
||||
"test_nllloss_NCd1d2d3d4d5_none_no_weight",
|
||||
"test_nllloss_NCd1d2d3d4d5_none_no_weight_expanded",
|
||||
"test_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_not_2d",
|
||||
"test_not_3d",
|
||||
"test_not_4d",
|
||||
"test_onehot_negative_indices",
|
||||
"test_onehot_with_axis",
|
||||
"test_onehot_with_negative_axis",
|
||||
"test_onehot_without_axis",
|
||||
"test_optional_get_element",
|
||||
"test_optional_get_element_sequence",
|
||||
"test_optional_has_element",
|
||||
"test_optional_has_element_empty",
|
||||
"test_or2d",
|
||||
"test_or3d",
|
||||
"test_or4d",
|
||||
"test_or_bcast3v1d",
|
||||
"test_or_bcast3v2d",
|
||||
"test_or_bcast4v2d",
|
||||
"test_or_bcast4v3d",
|
||||
"test_or_bcast4v4d",
|
||||
"test_pow",
|
||||
"test_pow_bcast_array",
|
||||
"test_pow_bcast_scalar",
|
||||
"test_pow_example",
|
||||
"test_pow_types_float",
|
||||
"test_pow_types_float32_int32",
|
||||
"test_pow_types_float32_int64",
|
||||
"test_pow_types_float32_uint32",
|
||||
"test_pow_types_float32_uint64",
|
||||
"test_pow_types_int",
|
||||
"test_pow_types_int32_float32",
|
||||
"test_pow_types_int32_int32",
|
||||
"test_pow_types_int64_float32",
|
||||
"test_pow_types_int64_int64",
|
||||
"test_prelu_broadcast",
|
||||
"test_prelu_example",
|
||||
"test_qlinearconv",
|
||||
"test_qlinearmatmul_2D",
|
||||
"test_qlinearmatmul_3D",
|
||||
"test_quantizelinear",
|
||||
"test_quantizelinear_axis",
|
||||
"test_range_float_type_positive_delta",
|
||||
"test_range_float_type_positive_delta_expanded",
|
||||
"test_range_int32_type_negative_delta",
|
||||
"test_range_int32_type_negative_delta_expanded",
|
||||
"test_reciprocal",
|
||||
"test_reciprocal_example",
|
||||
"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_random",
|
||||
"test_reduce_l1_keep_dims_example",
|
||||
"test_reduce_l1_keep_dims_random",
|
||||
"test_reduce_l1_negative_axes_keep_dims_example",
|
||||
"test_reduce_l1_negative_axes_keep_dims_random",
|
||||
"test_reduce_l2_default_axes_keepdims_example",
|
||||
"test_reduce_l2_default_axes_keepdims_random",
|
||||
"test_reduce_l2_do_not_keepdims_example",
|
||||
"test_reduce_l2_do_not_keepdims_random",
|
||||
"test_reduce_l2_keep_dims_example",
|
||||
"test_reduce_l2_keep_dims_random",
|
||||
"test_reduce_l2_negative_axes_keep_dims_example",
|
||||
"test_reduce_l2_negative_axes_keep_dims_random",
|
||||
"test_reduce_log_sum",
|
||||
"test_reduce_log_sum_asc_axes",
|
||||
"test_reduce_log_sum_default",
|
||||
"test_reduce_log_sum_desc_axes",
|
||||
"test_reduce_log_sum_exp_default_axes_keepdims_example",
|
||||
"test_reduce_log_sum_exp_default_axes_keepdims_random",
|
||||
"test_reduce_log_sum_exp_do_not_keepdims_example",
|
||||
"test_reduce_log_sum_exp_do_not_keepdims_random",
|
||||
"test_reduce_log_sum_exp_keepdims_example",
|
||||
"test_reduce_log_sum_exp_keepdims_random",
|
||||
"test_reduce_log_sum_exp_negative_axes_keepdims_example",
|
||||
"test_reduce_log_sum_exp_negative_axes_keepdims_random",
|
||||
"test_reduce_log_sum_negative_axes",
|
||||
"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_keepdims_example",
|
||||
"test_reduce_min_keepdims_random",
|
||||
"test_reduce_min_negative_axes_keepdims_example",
|
||||
"test_reduce_min_negative_axes_keepdims_random",
|
||||
"test_reduce_prod_default_axes_keepdims_example",
|
||||
"test_reduce_prod_default_axes_keepdims_random",
|
||||
"test_reduce_prod_do_not_keepdims_example",
|
||||
"test_reduce_prod_do_not_keepdims_random",
|
||||
"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_default_axes_keepdims_example",
|
||||
"test_reduce_sum_default_axes_keepdims_random",
|
||||
"test_reduce_sum_do_not_keepdims_example",
|
||||
"test_reduce_sum_do_not_keepdims_random",
|
||||
"test_reduce_sum_empty_axes_input_noop_example",
|
||||
"test_reduce_sum_empty_axes_input_noop_random",
|
||||
"test_reduce_sum_keepdims_example",
|
||||
"test_reduce_sum_keepdims_random",
|
||||
"test_reduce_sum_negative_axes_keepdims_example",
|
||||
"test_reduce_sum_negative_axes_keepdims_random",
|
||||
"test_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_random",
|
||||
"test_reduce_sum_square_keepdims_example",
|
||||
"test_reduce_sum_square_keepdims_random",
|
||||
"test_reduce_sum_square_negative_axes_keepdims_example",
|
||||
"test_reduce_sum_square_negative_axes_keepdims_random",
|
||||
"test_reflect_pad",
|
||||
"test_reshape_allowzero_reordered",
|
||||
"test_reshape_extended_dims",
|
||||
"test_reshape_negative_dim",
|
||||
"test_reshape_negative_extended_dims",
|
||||
"test_reshape_one_dim",
|
||||
"test_reshape_reduced_dims",
|
||||
"test_reshape_reordered_all_dims",
|
||||
"test_reshape_reordered_last_dims",
|
||||
"test_reshape_zero_and_negative_dim",
|
||||
"test_reshape_zero_dim",
|
||||
"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_linear",
|
||||
"test_resize_downsample_scales_linear_align_corners",
|
||||
"test_resize_downsample_scales_nearest",
|
||||
"test_resize_downsample_sizes_cubic",
|
||||
"test_resize_downsample_sizes_linear_pytorch_half_pixel",
|
||||
"test_resize_downsample_sizes_nearest",
|
||||
"test_resize_downsample_sizes_nearest_tf_half_pixel_for_nn",
|
||||
"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_linear",
|
||||
"test_resize_upsample_scales_linear_align_corners",
|
||||
"test_resize_upsample_scales_nearest",
|
||||
"test_resize_upsample_sizes_cubic",
|
||||
"test_resize_upsample_sizes_nearest",
|
||||
"test_resize_upsample_sizes_nearest_ceil_half_pixel",
|
||||
"test_resize_upsample_sizes_nearest_floor_align_corners",
|
||||
"test_resize_upsample_sizes_nearest_round_prefer_ceil_asymmetric",
|
||||
"test_reversesequence_batch",
|
||||
"test_reversesequence_time",
|
||||
"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",
|
||||
"test_scatter_elements_with_duplicate_indices",
|
||||
"test_scatter_elements_with_negative_indices",
|
||||
"test_scatter_elements_without_axis",
|
||||
"test_scatter_with_axis",
|
||||
"test_scatter_without_axis",
|
||||
"test_scatternd",
|
||||
"test_scatternd_add",
|
||||
"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_selu",
|
||||
"test_selu_default",
|
||||
"test_selu_example",
|
||||
"test_sequence_insert_at_back",
|
||||
"test_sequence_insert_at_front",
|
||||
"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_shrink_hard",
|
||||
"test_shrink_soft",
|
||||
"test_sign",
|
||||
"test_simple_rnn_batchwise",
|
||||
"test_simple_rnn_defaults",
|
||||
"test_simple_rnn_with_initial_bias",
|
||||
"test_sin",
|
||||
"test_sin_example",
|
||||
"test_sinh",
|
||||
"test_sinh_example",
|
||||
"test_size",
|
||||
"test_size_example",
|
||||
"test_slice",
|
||||
"test_slice_default_axes",
|
||||
"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_softplus",
|
||||
"test_softplus_example",
|
||||
"test_softsign",
|
||||
"test_softsign_example",
|
||||
"test_spacetodepth",
|
||||
"test_spacetodepth_example",
|
||||
"test_split_variable_parts_1d",
|
||||
"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",
|
||||
"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_sub_example",
|
||||
"test_sub_uint8",
|
||||
"test_sum_example",
|
||||
"test_sum_two_inputs",
|
||||
"test_tan",
|
||||
"test_tan_example",
|
||||
"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_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_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_where_example",
|
||||
"test_where_long_example",
|
||||
"test_xor2d",
|
||||
"test_xor3d",
|
||||
"test_xor4d",
|
||||
"test_xor_bcast3v1d",
|
||||
"test_xor_bcast3v2d",
|
||||
"test_xor_bcast4v2d",
|
||||
"test_xor_bcast4v3d",
|
||||
"test_xor_bcast4v4d",
|
@ -978,8 +978,9 @@ static struct LUVLUT_T {
|
||||
const long long int *LvToVpl_b;
|
||||
} LUVLUT = {0, 0, 0};
|
||||
|
||||
/* NB: no NaN propagation guarantee */
|
||||
#define clip(value) \
|
||||
value < 0.0f ? 0.0f : value > 1.0f ? 1.0f : value;
|
||||
value < 0.0f ? 0.0f : value <= 1.0f ? value : 1.0f;
|
||||
|
||||
//all constants should be presented through integers to keep bit-exactness
|
||||
static const softdouble gammaThreshold = softdouble(809)/softdouble(20000); // 0.04045
|
||||
@ -1330,6 +1331,10 @@ static inline void trilinearInterpolate(int cx, int cy, int cz, const int16_t* L
|
||||
int ty = cy >> (lab_base_shift - lab_lut_shift);
|
||||
int tz = cz >> (lab_base_shift - lab_lut_shift);
|
||||
|
||||
CV_DbgCheck(tx, tx >= 0 && tx < LAB_LUT_DIM, "");
|
||||
CV_DbgCheck(ty, ty >= 0 && ty < LAB_LUT_DIM, "");
|
||||
CV_DbgCheck(tz, tz >= 0 && tz < LAB_LUT_DIM, "");
|
||||
|
||||
const int16_t* baseLUT = &LUT[3*8*tx + (3*8*LAB_LUT_DIM)*ty + (3*8*LAB_LUT_DIM*LAB_LUT_DIM)*tz];
|
||||
int aa[8], bb[8], cc[8];
|
||||
for(int i = 0; i < 8; i++)
|
||||
|
@ -603,7 +603,7 @@ public:
|
||||
virtual void operator ()(const Range& range) const CV_OVERRIDE
|
||||
{
|
||||
SIMDInterpolator vecOp;
|
||||
const int G2Y = 9617;
|
||||
const unsigned G2Y = 9617;
|
||||
const int SHIFT = 14;
|
||||
|
||||
const T* bayer0 = srcmat.ptr<T>();
|
||||
|
@ -3194,5 +3194,25 @@ TEST(ImgProc_cvtColorTwoPlane, y_plane_padding_differs_from_uv_plane_padding_170
|
||||
EXPECT_DOUBLE_EQ(cvtest::norm(rgb_reference_mat, rgb_uv_padded_mat, NORM_INF), .0);
|
||||
}
|
||||
|
||||
TEST(ImgProc_RGB2Lab, NaN_21111)
|
||||
{
|
||||
const float kNaN = std::numeric_limits<float>::quiet_NaN();
|
||||
cv::Mat3f src(1, 111, Vec3f::all(kNaN)), dst;
|
||||
// Make some entries with only one NaN.
|
||||
src(0, 0) = src(0, 27) = src(0, 81) = src(0, 108) = cv::Vec3f(0, 0, kNaN);
|
||||
src(0, 1) = src(0, 28) = src(0, 82) = src(0, 109) = cv::Vec3f(0, kNaN, 0);
|
||||
src(0, 2) = src(0, 29) = src(0, 83) = src(0, 110) = cv::Vec3f(kNaN, 0, 0);
|
||||
EXPECT_NO_THROW(cvtColor(src, dst, COLOR_RGB2Lab));
|
||||
|
||||
#if 0 // no NaN propagation guarantee
|
||||
for (int i = 0; i < 20; ++i)
|
||||
{
|
||||
for (int j = 0; j < 3; ++j)
|
||||
{
|
||||
EXPECT_TRUE(cvIsNaN(dst(0, i)[j]));
|
||||
}
|
||||
}
|
||||
#endif
|
||||
}
|
||||
|
||||
}} // namespace
|
||||
|
@ -182,9 +182,12 @@ class TestInfo(object):
|
||||
return 1
|
||||
return 0
|
||||
|
||||
def __lt__(self, other):
|
||||
return self.__cmp__(other) == -1
|
||||
|
||||
# This is a Sequence for compatibility with old scripts,
|
||||
# which treat parseLogFile's return value as a list.
|
||||
class TestRunInfo(collections.Sequence):
|
||||
class TestRunInfo(object):
|
||||
def __init__(self, properties, tests):
|
||||
self.properties = properties
|
||||
self.tests = tests
|
||||
|
@ -0,0 +1,16 @@
|
||||
diff --git a/inference-engine/src/CMakeLists.txt b/inference-engine/src/CMakeLists.txt
|
||||
index 0ba0dd78..7d34e7cb 100644
|
||||
--- a/inference-engine/src/CMakeLists.txt
|
||||
+++ b/inference-engine/src/CMakeLists.txt
|
||||
@@ -26,9 +26,9 @@ endif()
|
||||
|
||||
add_subdirectory(hetero_plugin)
|
||||
|
||||
-add_subdirectory(auto_plugin)
|
||||
+#add_subdirectory(auto_plugin)
|
||||
|
||||
-add_subdirectory(multi_device)
|
||||
+#add_subdirectory(multi_device)
|
||||
|
||||
add_subdirectory(transformations)
|
||||
|
@ -0,0 +1,219 @@
|
||||
diff --git a/cmake/developer_package/add_ie_target.cmake b/cmake/developer_package/add_ie_target.cmake
|
||||
index d49f16a4d..2726ca787 100644
|
||||
--- a/cmake/developer_package/add_ie_target.cmake
|
||||
+++ b/cmake/developer_package/add_ie_target.cmake
|
||||
@@ -92,7 +92,7 @@ function(addIeTarget)
|
||||
if (ARG_TYPE STREQUAL EXECUTABLE)
|
||||
add_executable(${ARG_NAME} ${all_sources})
|
||||
elseif(ARG_TYPE STREQUAL STATIC OR ARG_TYPE STREQUAL SHARED)
|
||||
- add_library(${ARG_NAME} ${ARG_TYPE} ${all_sources})
|
||||
+ add_library(${ARG_NAME} ${ARG_TYPE} EXCLUDE_FROM_ALL ${all_sources})
|
||||
else()
|
||||
message(SEND_ERROR "Invalid target type ${ARG_TYPE} specified for target name ${ARG_NAME}")
|
||||
endif()
|
||||
diff --git a/inference-engine/CMakeLists.txt b/inference-engine/CMakeLists.txt
|
||||
index 1ac7fd8bf..df7091e51 100644
|
||||
--- a/inference-engine/CMakeLists.txt
|
||||
+++ b/inference-engine/CMakeLists.txt
|
||||
@@ -39,7 +39,7 @@ if(ENABLE_TESTS)
|
||||
add_subdirectory(tests)
|
||||
endif()
|
||||
|
||||
-add_subdirectory(tools)
|
||||
+#add_subdirectory(tools)
|
||||
|
||||
function(ie_build_samples)
|
||||
# samples should be build with the same flags as from OpenVINO package,
|
||||
@@ -58,7 +58,7 @@ endfunction()
|
||||
|
||||
# gflags and format_reader targets are kept inside of samples directory and
|
||||
# they must be built even if samples build is disabled (required for tests and tools).
|
||||
-ie_build_samples()
|
||||
+#ie_build_samples()
|
||||
|
||||
if(ENABLE_PYTHON)
|
||||
add_subdirectory(ie_bridges/python)
|
||||
@@ -142,7 +142,7 @@ endif()
|
||||
# Developer package
|
||||
#
|
||||
|
||||
-openvino_developer_export_targets(COMPONENT openvino_common TARGETS format_reader gflags ie_samples_utils)
|
||||
+#openvino_developer_export_targets(COMPONENT openvino_common TARGETS format_reader gflags ie_samples_utils)
|
||||
|
||||
# for Template plugin
|
||||
if(NGRAPH_INTERPRETER_ENABLE)
|
||||
@@ -166,7 +166,7 @@ function(ie_generate_dev_package_config)
|
||||
@ONLY)
|
||||
endfunction()
|
||||
|
||||
-ie_generate_dev_package_config()
|
||||
+#ie_generate_dev_package_config()
|
||||
|
||||
#
|
||||
# Coverage
|
||||
diff --git a/inference-engine/src/inference_engine/CMakeLists.txt b/inference-engine/src/inference_engine/CMakeLists.txt
|
||||
index e8ed1a5c4..1fc9fc3ff 100644
|
||||
--- a/inference-engine/src/inference_engine/CMakeLists.txt
|
||||
+++ b/inference-engine/src/inference_engine/CMakeLists.txt
|
||||
@@ -110,7 +110,7 @@ add_cpplint_target(${TARGET_NAME}_plugin_api_cpplint FOR_SOURCES ${plugin_api_sr
|
||||
|
||||
# Create object library
|
||||
|
||||
-add_library(${TARGET_NAME}_obj OBJECT
|
||||
+add_library(${TARGET_NAME}_obj OBJECT EXCLUDE_FROM_ALL
|
||||
${LIBRARY_SRC}
|
||||
${LIBRARY_HEADERS}
|
||||
${PUBLIC_HEADERS})
|
||||
@@ -181,7 +181,7 @@ ie_add_api_validator_post_build_step(TARGET ${TARGET_NAME})
|
||||
|
||||
# Static library used for unit tests which are always built
|
||||
|
||||
-add_library(${TARGET_NAME}_s STATIC
|
||||
+add_library(${TARGET_NAME}_s STATIC EXCLUDE_FROM_ALL
|
||||
$<TARGET_OBJECTS:${TARGET_NAME}_legacy_obj>
|
||||
$<TARGET_OBJECTS:${TARGET_NAME}_obj>
|
||||
${IE_STATIC_DEPENDENT_FILES})
|
||||
diff --git a/inference-engine/src/legacy_api/CMakeLists.txt b/inference-engine/src/legacy_api/CMakeLists.txt
|
||||
index 8eae82bd2..e0e6745b1 100644
|
||||
--- a/inference-engine/src/legacy_api/CMakeLists.txt
|
||||
+++ b/inference-engine/src/legacy_api/CMakeLists.txt
|
||||
@@ -26,7 +26,7 @@ endif()
|
||||
|
||||
file(TOUCH ${CMAKE_CURRENT_BINARY_DIR}/dummy.cpp)
|
||||
|
||||
-add_library(${TARGET_NAME}_obj OBJECT
|
||||
+add_library(${TARGET_NAME}_obj OBJECT EXCLUDE_FROM_ALL
|
||||
${LIBRARY_SRC}
|
||||
${PUBLIC_HEADERS})
|
||||
|
||||
diff --git a/inference-engine/src/mkldnn_plugin/CMakeLists.txt b/inference-engine/src/mkldnn_plugin/CMakeLists.txt
|
||||
index fe57b29dd..07831e2fb 100644
|
||||
--- a/inference-engine/src/mkldnn_plugin/CMakeLists.txt
|
||||
+++ b/inference-engine/src/mkldnn_plugin/CMakeLists.txt
|
||||
@@ -67,7 +67,7 @@ ie_add_api_validator_post_build_step(TARGET ${TARGET_NAME})
|
||||
|
||||
# add test object library
|
||||
|
||||
-add_library(${TARGET_NAME}_obj OBJECT ${SOURCES} ${HEADERS})
|
||||
+add_library(${TARGET_NAME}_obj OBJECT EXCLUDE_FROM_ALL ${SOURCES} ${HEADERS})
|
||||
target_link_libraries(${TARGET_NAME}_obj PUBLIC mkldnn)
|
||||
|
||||
target_include_directories(${TARGET_NAME}_obj PRIVATE $<TARGET_PROPERTY:inference_engine_preproc_s,INTERFACE_INCLUDE_DIRECTORIES>
|
||||
diff --git a/inference-engine/src/preprocessing/CMakeLists.txt b/inference-engine/src/preprocessing/CMakeLists.txt
|
||||
index f9548339d..ef962145a 100644
|
||||
--- a/inference-engine/src/preprocessing/CMakeLists.txt
|
||||
+++ b/inference-engine/src/preprocessing/CMakeLists.txt
|
||||
@@ -101,7 +101,7 @@ endif()
|
||||
|
||||
# Create object library
|
||||
|
||||
-add_library(${TARGET_NAME}_obj OBJECT
|
||||
+add_library(${TARGET_NAME}_obj OBJECT EXCLUDE_FROM_ALL
|
||||
${LIBRARY_SRC}
|
||||
${LIBRARY_HEADERS})
|
||||
|
||||
@@ -153,7 +153,7 @@ ie_add_api_validator_post_build_step(TARGET ${TARGET_NAME})
|
||||
|
||||
# Static library used for unit tests which are always built
|
||||
|
||||
-add_library(${TARGET_NAME}_s STATIC
|
||||
+add_library(${TARGET_NAME}_s STATIC EXCLUDE_FROM_ALL
|
||||
$<TARGET_OBJECTS:${TARGET_NAME}_obj>)
|
||||
|
||||
set_ie_threading_interface_for(${TARGET_NAME}_s)
|
||||
diff --git a/inference-engine/src/vpu/common/CMakeLists.txt b/inference-engine/src/vpu/common/CMakeLists.txt
|
||||
index 249e47c28..4ddf63049 100644
|
||||
--- a/inference-engine/src/vpu/common/CMakeLists.txt
|
||||
+++ b/inference-engine/src/vpu/common/CMakeLists.txt
|
||||
@@ -5,7 +5,7 @@
|
||||
file(GLOB_RECURSE SOURCES *.cpp *.hpp *.h)
|
||||
|
||||
function(add_common_target TARGET_NAME STATIC_IE)
|
||||
- add_library(${TARGET_NAME} STATIC ${SOURCES})
|
||||
+ add_library(${TARGET_NAME} STATIC EXCLUDE_FROM_ALL ${SOURCES})
|
||||
|
||||
ie_faster_build(${TARGET_NAME}
|
||||
UNITY
|
||||
@@ -60,7 +60,7 @@ add_common_target("vpu_common_lib" FALSE)
|
||||
|
||||
# Unit tests support for graph transformer
|
||||
if(WIN32)
|
||||
- add_common_target("vpu_common_lib_test_static" TRUE)
|
||||
+ #add_common_target("vpu_common_lib_test_static" TRUE)
|
||||
else()
|
||||
add_library("vpu_common_lib_test_static" ALIAS "vpu_common_lib")
|
||||
endif()
|
||||
diff --git a/inference-engine/src/vpu/graph_transformer/CMakeLists.txt b/inference-engine/src/vpu/graph_transformer/CMakeLists.txt
|
||||
index bc73ab5b1..b4c1547fc 100644
|
||||
--- a/inference-engine/src/vpu/graph_transformer/CMakeLists.txt
|
||||
+++ b/inference-engine/src/vpu/graph_transformer/CMakeLists.txt
|
||||
@@ -5,7 +5,7 @@
|
||||
file(GLOB_RECURSE SOURCES *.cpp *.hpp *.h *.inc)
|
||||
|
||||
function(add_graph_transformer_target TARGET_NAME STATIC_IE)
|
||||
- add_library(${TARGET_NAME} STATIC ${SOURCES})
|
||||
+ add_library(${TARGET_NAME} STATIC EXCLUDE_FROM_ALL ${SOURCES})
|
||||
|
||||
set_ie_threading_interface_for(${TARGET_NAME})
|
||||
|
||||
@@ -70,7 +70,7 @@ add_graph_transformer_target("vpu_graph_transformer" FALSE)
|
||||
|
||||
# Unit tests support for graph transformer
|
||||
if(WIN32)
|
||||
- add_graph_transformer_target("vpu_graph_transformer_test_static" TRUE)
|
||||
+ #add_graph_transformer_target("vpu_graph_transformer_test_static" TRUE)
|
||||
else()
|
||||
add_library("vpu_graph_transformer_test_static" ALIAS "vpu_graph_transformer")
|
||||
endif()
|
||||
diff --git a/inference-engine/thirdparty/pugixml/CMakeLists.txt b/inference-engine/thirdparty/pugixml/CMakeLists.txt
|
||||
index 8bcb2801a..f7e031c01 100644
|
||||
--- a/inference-engine/thirdparty/pugixml/CMakeLists.txt
|
||||
+++ b/inference-engine/thirdparty/pugixml/CMakeLists.txt
|
||||
@@ -41,7 +41,7 @@ if(BUILD_SHARED_LIBS)
|
||||
else()
|
||||
add_library(pugixml STATIC ${SOURCES})
|
||||
if (MSVC)
|
||||
- add_library(pugixml_mt STATIC ${SOURCES})
|
||||
+ #add_library(pugixml_mt STATIC ${SOURCES})
|
||||
#if (WIN32)
|
||||
# set(CMAKE_CXX_FLAGS_RELEASE "${CMAKE_CXX_FLAGS_RELEASE} /MT")
|
||||
# set(CMAKE_CXX_FLAGS_DEBUG "${CMAKE_CXX_FLAGS_DEBUG} /MTd")
|
||||
diff --git a/ngraph/core/builder/CMakeLists.txt b/ngraph/core/builder/CMakeLists.txt
|
||||
index ff5c381e7..2797ec9ab 100644
|
||||
--- a/ngraph/core/builder/CMakeLists.txt
|
||||
+++ b/ngraph/core/builder/CMakeLists.txt
|
||||
@@ -16,7 +16,7 @@ source_group("src" FILES ${LIBRARY_SRC})
|
||||
source_group("include" FILES ${PUBLIC_HEADERS})
|
||||
|
||||
# Create shared library
|
||||
-add_library(${TARGET_NAME} STATIC ${LIBRARY_SRC} ${PUBLIC_HEADERS})
|
||||
+add_library(${TARGET_NAME} STATIC EXCLUDE_FROM_ALL ${LIBRARY_SRC} ${PUBLIC_HEADERS})
|
||||
|
||||
if(COMMAND ie_faster_build)
|
||||
ie_faster_build(${TARGET_NAME}
|
||||
diff --git a/ngraph/core/reference/CMakeLists.txt b/ngraph/core/reference/CMakeLists.txt
|
||||
index ef4a764ab..f6d3172e2 100644
|
||||
--- a/ngraph/core/reference/CMakeLists.txt
|
||||
+++ b/ngraph/core/reference/CMakeLists.txt
|
||||
@@ -16,7 +16,7 @@ source_group("src" FILES ${LIBRARY_SRC})
|
||||
source_group("include" FILES ${PUBLIC_HEADERS})
|
||||
|
||||
# Create shared library
|
||||
-add_library(${TARGET_NAME} STATIC ${LIBRARY_SRC} ${PUBLIC_HEADERS})
|
||||
+add_library(${TARGET_NAME} STATIC EXCLUDE_FROM_ALL ${LIBRARY_SRC} ${PUBLIC_HEADERS})
|
||||
|
||||
if(COMMAND ie_faster_build)
|
||||
ie_faster_build(${TARGET_NAME}
|
||||
diff --git a/openvino/itt/CMakeLists.txt b/openvino/itt/CMakeLists.txt
|
||||
index e9f880b8c..c63f4df63 100644
|
||||
--- a/openvino/itt/CMakeLists.txt
|
||||
+++ b/openvino/itt/CMakeLists.txt
|
||||
@@ -6,7 +6,7 @@ set(TARGET_NAME itt)
|
||||
|
||||
file(GLOB_RECURSE SOURCES "src/*.cpp" "src/*.hpp")
|
||||
|
||||
-add_library(${TARGET_NAME} STATIC ${SOURCES})
|
||||
+add_library(${TARGET_NAME} STATIC EXCLUDE_FROM_ALL ${SOURCES})
|
||||
|
||||
add_library(openvino::itt ALIAS ${TARGET_NAME})
|
||||
|
15
platforms/winpack_dldt/2021.4.2/20210630-dldt-pdb.patch
Normal file
15
platforms/winpack_dldt/2021.4.2/20210630-dldt-pdb.patch
Normal file
@ -0,0 +1,15 @@
|
||||
iff --git a/CMakeLists.txt b/CMakeLists.txt
|
||||
index e0706a72e..9a053b1e4 100644
|
||||
--- a/CMakeLists.txt
|
||||
+++ b/CMakeLists.txt
|
||||
@@ -6,6 +6,10 @@ cmake_minimum_required(VERSION 3.13)
|
||||
|
||||
project(OpenVINO)
|
||||
|
||||
+set(CMAKE_CXX_FLAGS_RELEASE "${CMAKE_CXX_FLAGS_RELEASE} /Zi /FS")
|
||||
+set(CMAKE_SHARED_LINKER_FLAGS_RELEASE "${CMAKE_SHARED_LINKER_FLAGS_RELEASE} /DEBUG /OPT:REF /OPT:ICF")
|
||||
+set(CMAKE_MODULE_LINKER_FLAGS_RELEASE "${CMAKE_SHARED_LINKER_FLAGS_RELEASE} /DEBUG /OPT:REF /OPT:ICF")
|
||||
+
|
||||
set(OpenVINO_MAIN_SOURCE_DIR ${CMAKE_CURRENT_SOURCE_DIR})
|
||||
set(IE_MAIN_SOURCE_DIR ${OpenVINO_MAIN_SOURCE_DIR}/inference-engine)
|
||||
|
@ -0,0 +1,16 @@
|
||||
diff --git a/cmake/developer_package/vs_version/vs_version.cmake b/cmake/developer_package/vs_version/vs_version.cmake
|
||||
index 14d4c0e1e..6a44f73b9 100644
|
||||
--- a/cmake/developer_package/vs_version/vs_version.cmake
|
||||
+++ b/cmake/developer_package/vs_version/vs_version.cmake
|
||||
@@ -8,9 +8,9 @@ set(IE_VS_VER_FILEVERSION_STR "${IE_VERSION_MAJOR}.${IE_VERSION_MINOR}.${IE_VERS
|
||||
|
||||
set(IE_VS_VER_COMPANY_NAME_STR "Intel Corporation")
|
||||
set(IE_VS_VER_PRODUCTVERSION_STR "${CI_BUILD_NUMBER}")
|
||||
-set(IE_VS_VER_PRODUCTNAME_STR "OpenVINO toolkit")
|
||||
+set(IE_VS_VER_PRODUCTNAME_STR "OpenVINO toolkit (for OpenCV Windows package)")
|
||||
set(IE_VS_VER_COPYRIGHT_STR "Copyright (C) 2018-2021, Intel Corporation")
|
||||
-set(IE_VS_VER_COMMENTS_STR "https://docs.openvinotoolkit.org/")
|
||||
+set(IE_VS_VER_COMMENTS_STR "https://github.com/opencv/opencv/wiki/Intel%27s-Deep-Learning-Inference-Engine-backend")
|
||||
|
||||
#
|
||||
# ie_add_vs_version_file(NAME <name>
|
1
platforms/winpack_dldt/2021.4.2/build.config.py
Normal file
1
platforms/winpack_dldt/2021.4.2/build.config.py
Normal file
@ -0,0 +1 @@
|
||||
os.environ['CI_BUILD_NUMBER'] = '2021.4.2-opencv_winpack_dldt'
|
4
platforms/winpack_dldt/2021.4.2/patch.config.py
Normal file
4
platforms/winpack_dldt/2021.4.2/patch.config.py
Normal file
@ -0,0 +1,4 @@
|
||||
applyPatch('20210630-dldt-disable-unused-targets.patch')
|
||||
applyPatch('20210630-dldt-pdb.patch')
|
||||
applyPatch('20210630-dldt-disable-multidevice-autoplugin.patch')
|
||||
applyPatch('20210630-dldt-vs-version.patch')
|
56
platforms/winpack_dldt/2021.4.2/sysroot.config.py
Normal file
56
platforms/winpack_dldt/2021.4.2/sysroot.config.py
Normal file
@ -0,0 +1,56 @@
|
||||
sysroot_bin_dir = prepare_dir(self.sysrootdir / 'bin')
|
||||
copytree(self.build_dir / 'install', self.sysrootdir / 'ngraph')
|
||||
#rm_one(self.sysrootdir / 'ngraph' / 'lib' / 'ngraph.dll')
|
||||
|
||||
build_config = 'Release' if not self.config.build_debug else 'Debug'
|
||||
build_bin_dir = self.build_dir / 'bin' / 'intel64' / build_config
|
||||
|
||||
def copy_bin(name):
|
||||
global build_bin_dir, sysroot_bin_dir
|
||||
copytree(build_bin_dir / name, sysroot_bin_dir / name)
|
||||
|
||||
dll_suffix = 'd' if self.config.build_debug else ''
|
||||
def copy_dll(name):
|
||||
global copy_bin, dll_suffix
|
||||
copy_bin(name + dll_suffix + '.dll')
|
||||
copy_bin(name + dll_suffix + '.pdb')
|
||||
|
||||
copy_bin('cache.json')
|
||||
copy_dll('clDNNPlugin')
|
||||
copy_dll('HeteroPlugin')
|
||||
copy_dll('inference_engine')
|
||||
copy_dll('inference_engine_ir_reader')
|
||||
#copy_dll('inference_engine_ir_v7_reader')
|
||||
copy_dll('inference_engine_legacy')
|
||||
copy_dll('inference_engine_transformations') # runtime
|
||||
copy_dll('inference_engine_lp_transformations') # runtime
|
||||
#copy_dll('inference_engine_preproc') # runtime
|
||||
copy_dll('MKLDNNPlugin') # runtime
|
||||
copy_dll('myriadPlugin') # runtime
|
||||
#copy_dll('MultiDevicePlugin') # runtime, not used
|
||||
copy_dll('ngraph')
|
||||
copy_bin('plugins.xml')
|
||||
copy_bin('pcie-ma2x8x.elf')
|
||||
copy_bin('usb-ma2x8x.mvcmd')
|
||||
|
||||
copytree(self.srcdir / 'inference-engine' / 'temp' / 'tbb' / 'bin', sysroot_bin_dir)
|
||||
copytree(self.srcdir / 'inference-engine' / 'temp' / 'tbb', self.sysrootdir / 'tbb')
|
||||
|
||||
sysroot_ie_dir = prepare_dir(self.sysrootdir / 'deployment_tools' / 'inference_engine')
|
||||
sysroot_ie_lib_dir = prepare_dir(sysroot_ie_dir / 'lib' / 'intel64')
|
||||
|
||||
copytree(self.srcdir / 'inference-engine' / 'include', sysroot_ie_dir / 'include')
|
||||
if not self.config.build_debug:
|
||||
copytree(build_bin_dir / 'ngraph.lib', sysroot_ie_lib_dir / 'ngraph.lib')
|
||||
copytree(build_bin_dir / 'inference_engine.lib', sysroot_ie_lib_dir / 'inference_engine.lib')
|
||||
copytree(build_bin_dir / 'inference_engine_ir_reader.lib', sysroot_ie_lib_dir / 'inference_engine_ir_reader.lib')
|
||||
copytree(build_bin_dir / 'inference_engine_legacy.lib', sysroot_ie_lib_dir / 'inference_engine_legacy.lib')
|
||||
else:
|
||||
copytree(build_bin_dir / 'ngraphd.lib', sysroot_ie_lib_dir / 'ngraphd.lib')
|
||||
copytree(build_bin_dir / 'inference_engined.lib', sysroot_ie_lib_dir / 'inference_engined.lib')
|
||||
copytree(build_bin_dir / 'inference_engine_ir_readerd.lib', sysroot_ie_lib_dir / 'inference_engine_ir_readerd.lib')
|
||||
copytree(build_bin_dir / 'inference_engine_legacyd.lib', sysroot_ie_lib_dir / 'inference_engine_legacyd.lib')
|
||||
|
||||
sysroot_license_dir = prepare_dir(self.sysrootdir / 'etc' / 'licenses')
|
||||
copytree(self.srcdir / 'LICENSE', sysroot_license_dir / 'dldt-LICENSE')
|
||||
copytree(self.sysrootdir / 'tbb/LICENSE', sysroot_license_dir / 'tbb-LICENSE')
|
@ -471,7 +471,7 @@ class Builder:
|
||||
def main():
|
||||
|
||||
dldt_src_url = 'https://github.com/openvinotoolkit/openvino'
|
||||
dldt_src_commit = '2021.4.1'
|
||||
dldt_src_commit = '2021.4.2'
|
||||
dldt_config = None
|
||||
dldt_release = None
|
||||
|
||||
|
Loading…
Reference in New Issue
Block a user