publish master branch snapshot, revision 59af1853ca21ea08acf17b177da0b239753deb46
authorAlexey Suhov <alexey.suhov@intel.com>
Mon, 18 May 2020 14:21:58 +0000 (17:21 +0300)
committerAlexey Suhov <alexey.suhov@intel.com>
Mon, 18 May 2020 14:21:58 +0000 (17:21 +0300)
commitba0a3398885f35e13acde31380085f2cd0dc3bb1
treebb6fe3c7cca82635cdaf3d14934388697f36b96a
parent0a5a63bc0c4b38f890c8fc3c087ac5fa6fa8e1d3
publish master branch snapshot, revision 59af1853ca21ea08acf17b177da0b239753deb46
223 files changed:
build-instruction.md
cmake/os_flags.cmake
inference-engine/cmake/dependencies.cmake
inference-engine/cmake/features_ie.cmake
inference-engine/cmake/vpu_dependencies.cmake
inference-engine/src/gna_plugin/gna_device.cpp
inference-engine/src/gna_plugin/gna_device.hpp
inference-engine/src/gna_plugin/gna_plugin_config.cpp
inference-engine/src/inference_engine/ie_parameter.cpp
inference-engine/src/ir_readers/ie_ir_parser.hpp
inference-engine/src/legacy_api/src/convert_function_to_cnn_network.cpp
inference-engine/src/legacy_api/src/ie_cnn_layer_builder_ngraph.cpp
inference-engine/src/low_precision_transformations/include/low_precision_transformations/concat.hpp
inference-engine/src/low_precision_transformations/include/low_precision_transformations/concat_multi_channels.hpp
inference-engine/src/low_precision_transformations/src/concat.cpp
inference-engine/src/low_precision_transformations/src/concat_multi_channels.cpp
inference-engine/src/low_precision_transformations/src/weightable_layer_transformation.cpp
inference-engine/src/mkldnn_plugin/mkldnn_exec_network.cpp
inference-engine/src/mkldnn_plugin/mkldnn_exec_network.h
inference-engine/src/mkldnn_plugin/mkldnn_graph.cpp
inference-engine/src/mkldnn_plugin/mkldnn_graph.h
inference-engine/src/mkldnn_plugin/mkldnn_graph_optimizer.cpp
inference-engine/src/mkldnn_plugin/mkldnn_node.cpp
inference-engine/src/mkldnn_plugin/mkldnn_node.h
inference-engine/src/mkldnn_plugin/mkldnn_plugin.cpp
inference-engine/src/mkldnn_plugin/mkldnn_plugin.h
inference-engine/src/mkldnn_plugin/mkldnn_weights_cache.cpp [new file with mode: 0644]
inference-engine/src/mkldnn_plugin/mkldnn_weights_cache.hpp [new file with mode: 0644]
inference-engine/src/mkldnn_plugin/nodes/mkldnn_activation_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_activation_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_batchnorm_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_batchnorm_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_bin_conv_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_bin_conv_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_concat_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_concat_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_conv_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_conv_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_crop_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_crop_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_deconv_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_deconv_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_def_conv_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_def_conv_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_depthwise_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_depthwise_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_eltwise_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_eltwise_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_fullyconnected_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_fullyconnected_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_gemm_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_gemm_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_generic_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_generic_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_input_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_input_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_lrn_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_lrn_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_memory_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_memory_node.hpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_mvn_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_mvn_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_normalize_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_normalize_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_permute_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_permute_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_pooling_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_pooling_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_power_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_power_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_quantize_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_quantize_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_reorder_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_reorder_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_resample_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_resample_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_reshape_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_reshape_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_rnn.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_rnn.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_roi_pooling_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_roi_pooling_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_softmax_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_softmax_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_split_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_split_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_tensoriterator_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_tensoriterator_node.h
inference-engine/src/mkldnn_plugin/nodes/mkldnn_tile_node.cpp
inference-engine/src/mkldnn_plugin/nodes/mkldnn_tile_node.h
inference-engine/src/transformations/include/ngraph_ops/gru_cell_ie.hpp [new file with mode: 0644]
inference-engine/src/transformations/include/ngraph_ops/lstm_cell_ie.hpp
inference-engine/src/transformations/include/ngraph_ops/rnn_cell_ie.hpp [new file with mode: 0644]
inference-engine/src/transformations/include/transformations/convert_opset1_to_legacy/convert_cells_to_cells_ie.hpp [moved from inference-engine/src/transformations/include/transformations/convert_opset1_to_legacy/convert_lstm_cell_to_lstm_cell_ie.hpp with 56% similarity]
inference-engine/src/transformations/include/transformations/convert_opset1_to_legacy/convert_opset1_to_legacy_tbl.hpp
inference-engine/src/transformations/include/transformations/convert_opset1_to_legacy/reshape_1d_ops.hpp [moved from inference-engine/src/transformations/include/transformations/convert_opset1_to_legacy/reshape_1d_convolutions.hpp with 55% similarity]
inference-engine/src/transformations/include/transformations/convert_reduce_to_pooling.hpp
inference-engine/src/transformations/src/ngraph_ops/gru_cell_ie.cpp [new file with mode: 0644]
inference-engine/src/transformations/src/ngraph_ops/lstm_cell_ie.cpp
inference-engine/src/transformations/src/ngraph_ops/rnn_cell_ie.cpp [new file with mode: 0644]
inference-engine/src/transformations/src/transformations/convert_opset1_to_legacy/convert_cells_to_cells_ie.cpp [new file with mode: 0644]
inference-engine/src/transformations/src/transformations/convert_opset1_to_legacy/convert_lstm_cell_to_lstm_cell_ie.cpp [deleted file]
inference-engine/src/transformations/src/transformations/convert_opset1_to_legacy/convert_opset1_to_legacy.cpp
inference-engine/src/transformations/src/transformations/convert_opset1_to_legacy/reshape_1d_convolutions.cpp [deleted file]
inference-engine/src/transformations/src/transformations/convert_opset1_to_legacy/reshape_1d_ops.cpp [new file with mode: 0644]
inference-engine/src/vpu/common/include/vpu/ngraph/operations/static_shape_topk.hpp [new file with mode: 0644]
inference-engine/src/vpu/common/include/vpu/ngraph/transformations/dynamic_to_static_shape_strided_slice.hpp [new file with mode: 0644]
inference-engine/src/vpu/common/include/vpu/ngraph/transformations/dynamic_to_static_shape_topk.hpp [new file with mode: 0644]
inference-engine/src/vpu/common/src/ngraph/operations/static_shape_topk.cpp [new file with mode: 0644]
inference-engine/src/vpu/common/src/ngraph/transformations/dynamic_to_static_shape.cpp
inference-engine/src/vpu/common/src/ngraph/transformations/dynamic_to_static_shape_strided_slice.cpp [new file with mode: 0644]
inference-engine/src/vpu/common/src/ngraph/transformations/dynamic_to_static_shape_topk.cpp [new file with mode: 0644]
inference-engine/src/vpu/common/src/parsed_config_base.cpp
inference-engine/src/vpu/graph_transformer/src/stages/eltwise.cpp
inference-engine/src/vpu/myriad_plugin/myriad_mvnc_wraper.cpp
inference-engine/src/vpu/myriad_plugin/myriad_mvnc_wraper.h
inference-engine/tests/functional/inference_engine/CMakeLists.txt
inference-engine/tests/functional/inference_engine/transformations/convert_cells_to_cells_ie_test.cpp [new file with mode: 0644]
inference-engine/tests/functional/inference_engine/transformations/convert_reduce_to_pooling_test.cpp [new file with mode: 0644]
inference-engine/tests/functional/inference_engine/transformations/ngraph_1d_ops_reshape_test.cpp [moved from inference-engine/tests/functional/inference_engine/transformations/ngraph_1d_convolution_reshape_test.cpp with 50% similarity]
inference-engine/tests/functional/plugin/cpu/CMakeLists.txt
inference-engine/tests/functional/plugin/cpu/bfloat16/bf16_network_restoring.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/bfloat16_helpers.hpp
inference-engine/tests/functional/plugin/cpu/bfloat16/concat_in_place.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/conv_add.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/conv_conv.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/conv_dwconv_relu.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/conv_eltwise_depthwise.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/conv_relu_pool_conv_relu_pool.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/elt_max.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/elt_x3.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/faster_100_5_1_1_conv.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/gather_multiply.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/gather_x2_add_mul_relu_concat_matmul.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/interpolation.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/mobilenet_ssd_with_branching.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/resample.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/scaleshift_conv_eltwise_conv.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/scaleshift_conv_eltwise_relu_conv.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/scaleshift_conv_eltwise_scaleshift.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/scaleshift_conv_elu_conv.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/scaleshift_conv_relu.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/scaleshift_conv_x2_concat_relu.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/scaleshift_conv_x2_eltwise.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/scaleshift_conv_x2_mixed1_eltwise.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/scaleshift_conv_x2_mixed2_eltwise.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/scaleshift_conv_x3_eltwise.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/scaleshift_x2_conv_x2_eltwise.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/scaleshift_x3_conv_eltwise_relu.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/tail_fp32_optimization.cpp
inference-engine/tests/functional/plugin/cpu/bfloat16/topk_inputs_i32.cpp
inference-engine/tests/functional/plugin/cpu/shared_tests_instances/behavior/core_threading_tests.cpp
inference-engine/tests/functional/plugin/cpu/shared_tests_instances/low_precision_transformations/concat_transformation.cpp [new file with mode: 0644]
inference-engine/tests/functional/plugin/cpu/shared_tests_instances/single_layer_tests/select.cpp
inference-engine/tests/functional/plugin/gpu/shared_tests_instances/low_precision_transformations/concat_transformation.cpp [new file with mode: 0644]
inference-engine/tests/functional/plugin/myriad/ngraph/transformations/dynamic_to_static_shape_topk.cpp [new file with mode: 0644]
inference-engine/tests/functional/plugin/myriad/subgraph_tests/dsr_topk.cpp [new file with mode: 0644]
inference-engine/tests/functional/plugin/shared/CMakeLists.txt
inference-engine/tests/functional/plugin/shared/include/low_precision_transformations/concat_transformation.hpp [new file with mode: 0644]
inference-engine/tests/functional/plugin/shared/include/single_layer_tests/select.hpp
inference-engine/tests/functional/plugin/shared/src/low_precision_transformations/concat_transformation.cpp [new file with mode: 0644]
inference-engine/tests/functional/plugin/shared/src/single_layer_tests/activation.cpp
inference-engine/tests/functional/plugin/shared/src/single_layer_tests/add.cpp
inference-engine/tests/functional/plugin/shared/src/single_layer_tests/batch_to_space.cpp
inference-engine/tests/functional/plugin/shared/src/single_layer_tests/concat.cpp
inference-engine/tests/functional/plugin/shared/src/single_layer_tests/convolution.cpp
inference-engine/tests/functional/plugin/shared/src/single_layer_tests/group_convolution.cpp
inference-engine/tests/functional/plugin/shared/src/single_layer_tests/maximum.cpp
inference-engine/tests/functional/plugin/shared/src/single_layer_tests/multiply.cpp
inference-engine/tests/functional/plugin/shared/src/single_layer_tests/mvn.cpp
inference-engine/tests/functional/plugin/shared/src/single_layer_tests/nonzero.cpp
inference-engine/tests/functional/plugin/shared/src/single_layer_tests/pooling.cpp
inference-engine/tests/functional/plugin/shared/src/single_layer_tests/reshape.cpp
inference-engine/tests/functional/plugin/shared/src/single_layer_tests/select.cpp
inference-engine/tests/functional/plugin/shared/src/single_layer_tests/softmax.cpp
inference-engine/tests/functional/plugin/shared/src/single_layer_tests/space_to_batch.cpp
inference-engine/tests/functional/plugin/shared/src/single_layer_tests/split.cpp
inference-engine/tests/functional/plugin/shared/src/single_layer_tests/strided_slice.cpp
inference-engine/tests/functional/plugin/shared/src/subgraph_tests/reshape_squeeze_reshape_relu.cpp
inference-engine/tests/functional/plugin/shared/src/subgraph_tests/split_conv_concat.cpp
inference-engine/tests/ie_test_utils/functional_test_utils/CMakeLists.txt
inference-engine/tests/ie_test_utils/functional_test_utils/blob_utils.hpp
inference-engine/tests/ie_test_utils/functional_test_utils/layer_test_utils.cpp
inference-engine/tests/ie_test_utils/functional_test_utils/layer_test_utils.hpp
inference-engine/tests/ie_test_utils/functional_test_utils/low_precision_transformations/layer_transformation.cpp [new file with mode: 0644]
inference-engine/tests/ie_test_utils/functional_test_utils/low_precision_transformations/layer_transformation.hpp [new file with mode: 0644]
inference-engine/tests/ngraph_functions/include/ngraph_functions/builders.hpp
inference-engine/tests/ngraph_functions/include/ngraph_functions/select.hpp [deleted file]
inference-engine/tests/ngraph_functions/include/ngraph_functions/utils/ngraph_helpers.hpp
inference-engine/tests/ngraph_functions/src/select.cpp
inference-engine/tests/ngraph_functions/src/utils/ngraph_helpers.cpp
inference-engine/tests/unit/gna/gna_api_stub.cpp
inference-engine/tests_deprecated/behavior/gna/shared_tests_instances/skip_tests_config.cpp
inference-engine/tests_deprecated/behavior/shared_tests/plugin_tests/behavior_test_plugin_infer_request_callback.hpp
inference-engine/tests_deprecated/functional/mkldnn/shared_tests_instance/transformations/low_precision_transformer_single_layer_tests.cpp
inference-engine/tests_deprecated/functional/shared_tests/transformations/common/validation.cpp
inference-engine/tests_deprecated/functional/shared_tests/transformations/concat_test.cpp
inference-engine/tests_deprecated/functional/shared_tests/transformations/concat_with_pooling_test.cpp [new file with mode: 0644]
inference-engine/tests_deprecated/functional/shared_tests/transformations/eltwise_with_pooling_test.cpp
inference-engine/tests_deprecated/functional/shared_tests/transformations/low_precision_transformer_single_layer_tests.hpp
inference-engine/tests_deprecated/unit/engines/gna/gna_api_stub.cpp
inference-engine/tests_deprecated/unit/engines/mkldnn/dumper_test.cpp
inference-engine/tests_deprecated/unit/engines/mkldnn/graph/layers/extensions/graph_generic_test.cpp
inference-engine/tests_deprecated/unit/engines/mkldnn/graph/layers/internal/graph_leaks_test.cpp
inference-engine/tests_deprecated/unit/engines/mkldnn/graph/layers/internal/graph_reorder_test.cpp
inference-engine/tests_deprecated/unit/engines/mkldnn/graph/structure/graph_structure_test.cpp
inference-engine/tests_deprecated/unit/engines/mkldnn/graph/test_graph.hpp
inference-engine/tests_deprecated/unit/engines/vpu/mvnc/pthread_semaphore_tests.cpp
inference-engine/thirdparty/clDNN/kernel_selector/core/kernel_base.cpp
inference-engine/thirdparty/clDNN/kernel_selector/core/kernel_base.h
model-optimizer/extensions/back/CellNormalizer.py [new file with mode: 0644]
model-optimizer/extensions/back/LSTMCellNormalizer.py [deleted file]
model-optimizer/extensions/back/blob_normalizer.py
model-optimizer/extensions/back/op_versioning.py
model-optimizer/extensions/front/onnx/quantize_dequantize_linear.py [new file with mode: 0644]
model-optimizer/extensions/front/onnx/quantize_dequantize_linear_test.py [new file with mode: 0644]
model-optimizer/extensions/ops/GRUCell.py
model-optimizer/extensions/ops/RNNCell.py
model-optimizer/extensions/ops/lstm_cell.py
model-optimizer/extensions/ops/reverse_sequence.py
ngraph
tests/stress_tests/.gitignore
tests/stress_tests/scripts/get_testdata.py