From 6478f1742a62310bd4b65a649a08c6c1b7d7949b Mon Sep 17 00:00:00 2001 From: Alexey Suhov Date: Fri, 26 Mar 2021 17:54:28 +0300 Subject: [PATCH] Align copyright notice in python scripts (CVS-51320) (#4974) * Align copyright notice in python scripts (CVS-51320) --- .ci/azure/analyze_gtest_log.py | 2 +- .ci/openvino-onnx/watchdog/src/git_wrapper.py | 2 +- .../watchdog/src/jenkins_wrapper.py | 2 +- .ci/openvino-onnx/watchdog/src/main.py | 2 +- .../watchdog/src/ms_teams_communicator.py | 2 +- .ci/openvino-onnx/watchdog/src/watchdog.py | 2 +- .github/org_control/__init__.py | 3 ++ .github/org_control/check_org.py | 2 +- .github/org_control/check_pr.py | 2 +- .github/org_control/configs.py | 2 +- .github/org_control/github_api.py | 2 +- docs/HOWTO/mo_extensions/front/tf/Complex.py | 17 ++-------- .../mo_extensions/front/tf/ComplexAbs.py | 17 ++-------- docs/HOWTO/mo_extensions/front/tf/FFT_ext.py | 17 ++-------- docs/HOWTO/mo_extensions/ops/FFT.py | 17 ++-------- docs/HOWTO/mri_reconstruction_demo.py | 17 ++-------- docs/doxygen/build_main_layout.py | 17 ++-------- docs/doxygen/doxy_md_filter.py | 17 ++-------- docs/doxygen/log.py | 17 ++-------- docs/doxygen/pyx_filter.py | 17 ++-------- .../classification_sample_async.py | 19 ++--------- .../hello_classification.py | 17 ++-------- .../hello_query_device/hello_query_device.py | 19 ++--------- .../hello_reshape_ssd/hello_reshape_ssd.py | 15 ++------ .../ngraph_function_creation_sample.py | 18 ++-------- .../object_detection_sample_ssd.py | 19 ++--------- .../style_transfer_sample.py | 17 ++-------- .../python/src/openvino/__init__.py | 3 ++ .../src/openvino/inference_engine/__init__.py | 18 ++-------- .../offline_transformations/__init__.py | 3 +- .../src/openvino/test_utils/__init__.py | 2 +- .../ie_bridges/python/tests/conftest.py | 17 ++-------- .../ie_bridges/python/tests/test_Blob.py | 17 ++-------- .../ie_bridges/python/tests/test_CDataPtr.py | 17 ++-------- .../ie_bridges/python/tests/test_DataPtr.py | 17 ++-------- .../python/tests/test_ExecutableNetwork.py | 17 ++-------- .../ie_bridges/python/tests/test_IECore.py | 17 ++-------- .../ie_bridges/python/tests/test_IENetwork.py | 17 ++-------- .../python/tests/test_InferRequest.py | 17 ++-------- .../python/tests/test_InputInfoCPtr.py | 17 ++-------- .../python/tests/test_InputInfoPtr.py | 17 ++-------- .../ie_bridges/python/tests/test_NGraph.py | 17 ++-------- .../python/tests/test_PreProcessInfo.py | 17 ++-------- .../python/tests/test_TensorDesc.py | 17 ++-------- .../python/tests/test_offline_api.py | 17 ++-------- .../ie_bridges/python/tests/test_utils.py | 17 ++-------- .../ie_bridges/python/wheel/setup.py | 15 ++------ .../layer_tests_summary/merge_xmls.py | 3 +- .../layer_tests_summary/summarize.py | 3 +- .../tests_deprecated/functional/vpu/tester.py | 3 ++ .../core/common/primitive_db_gen.py | 5 ++- .../tools/benchmark_tool/benchmark_app.py | 17 ++-------- .../tools/cross_check_tool/__init__.py | 16 ++------- .../cross_check_tool/cross_check_tool.py | 1 - .../tools/cross_check_tool/utils.py | 1 - model-optimizer/automation/create_package.py | 3 ++ model-optimizer/automation/utils.py | 3 ++ model-optimizer/extensions/__init__.py | 3 ++ .../analysis/Iterator_get_next_test.py | 17 ++-------- .../extensions/analysis/__init__.py | 3 ++ .../extensions/analysis/boolean_input.py | 17 ++-------- model-optimizer/extensions/analysis/inputs.py | 16 ++------- .../extensions/analysis/json_print.py | 16 ++------- model-optimizer/extensions/analysis/nodes.py | 16 ++------- .../extensions/analysis/tf_od_api.py | 16 ++------- .../extensions/analysis/tf_retinanet.py | 16 ++------- .../extensions/analysis/tf_yolo.py | 17 ++-------- model-optimizer/extensions/back/AvgPool.py | 16 ++------- .../extensions/back/CellNormalizer.py | 17 ++-------- .../extensions/back/ClampNormalizer.py | 17 ++-------- .../extensions/back/ClampNormalizer_test.py | 16 ++------- .../extensions/back/ConvolutionNormalizer.py | 17 ++-------- .../back/ConvolutionNormalizer_test.py | 16 ++------- .../extensions/back/CorrectName.py | 17 ++-------- .../extensions/back/CropToStridedSlice.py | 16 ++------- model-optimizer/extensions/back/CutMemory.py | 16 ++------- .../extensions/back/CutMemory_test.py | 16 ++------- .../back/EnableConstantStridedSlice.py | 17 ++-------- .../extensions/back/FakeOutputResolver.py | 17 ++-------- .../back/FakeOutputResolver_test.py | 17 ++-------- .../extensions/back/ForceStrictPrecision.py | 16 ++------- .../extensions/back/FuseTransposesSequence.py | 16 ++------- .../back/FuseTransposesSequence_test.py | 17 ++-------- .../extensions/back/GatherNormalizer.py | 17 ++-------- .../back/GroupedConvWeightsNormalize.py | 16 ++------- .../extensions/back/InterpolateReshape.py | 17 ++-------- .../back/InterpolateReshape_test.py | 17 ++-------- model-optimizer/extensions/back/LRNToNorm.py | 17 ++-------- .../back/LayoutChangeForGatherND.py | 16 ++------- .../back/LayoutChangeForGatherND_test.py | 17 ++-------- .../extensions/back/LeakyReLUMutation.py | 16 ++------- .../back/LinearToLinearONNXReplacer.py | 17 ++-------- .../extensions/back/MatMulNormalizer.py | 17 ++-------- .../extensions/back/MatMulNormalizer_test.py | 17 ++-------- model-optimizer/extensions/back/MaxPool.py | 16 ++------- .../extensions/back/NormalizeToNormalizeL2.py | 16 ++------- .../back/OptimizeTransposeReshapeSequence.py | 17 ++-------- .../OptimizeTransposeReshapeSequence_test.py | 17 ++-------- .../extensions/back/PackBinaryWeights.py | 17 ++-------- .../extensions/back/ProposalMutation.py | 16 ++------- .../extensions/back/RNNSequenceTypeRename.py | 16 ++------- .../extensions/back/ReduceMerge.py | 17 ++-------- .../back/ReduceTransposeDimensions.py | 17 ++-------- .../back/ReduceTransposeDimensions_test.py | 17 ++-------- .../extensions/back/RemoveUselessConvert.py | 16 ++------- .../extensions/back/Reshape0DToSqueeze.py | 16 ++------- .../extensions/back/ReshapeMutation.py | 16 ++------- .../extensions/back/ResultNormalizer.py | 17 ++-------- .../extensions/back/ResultRename.py | 17 ++-------- .../extensions/back/ResultRename_test.py | 17 ++-------- .../extensions/back/ReverseInputChannels.py | 16 ++------- .../extensions/back/ScalarConstNormalize.py | 17 ++-------- .../extensions/back/SelectBroadcast.py | 16 ++------- .../back/ShuffleChannelPatternOptimization.py | 16 ++------- .../ShuffleChannelPatternOptimization_test.py | 16 ++------- .../extensions/back/ShufflenetReLUReorder.py | 17 ++-------- .../back/ShufflenetReLUReorder_test.py | 17 ++-------- .../back/SpecialNodesFinalization.py | 16 ++------- .../back/SpecialNodesFinalization_test.py | 16 ++------- .../back/StridedSliceMasksNormalizer.py | 17 ++-------- .../extensions/back/TopKNormalizer.py | 17 ++-------- .../extensions/back/TransposeReduceFusing.py | 16 ++------- .../back/TransposeReduceFusing_test.py | 17 ++-------- .../extensions/back/UselessConcatRemoval.py | 16 ++------- model-optimizer/extensions/back/__init__.py | 3 ++ .../extensions/back/blob_normalizer.py | 16 ++------- .../back/compress_quantized_weights.py | 17 ++-------- .../back/compress_quantized_weights_test.py | 16 ++------- .../back/disable_unsupported_ND_operations.py | 17 ++-------- .../extensions/back/fuse_sub_div_min.py | 16 ++------- .../insert_compatibility_l2normalization.py | 17 ++-------- ...sert_compatibility_l2normalization_test.py | 17 ++-------- .../back/kaldi_remove_memory_output.py | 17 ++-------- .../back/kaldi_remove_memory_output_test.py | 17 ++-------- .../extensions/back/op_versioning.py | 16 ++------- .../extensions/back/pass_separator.py | 16 ++------- .../extensions/back/priorbox_mutation.py | 16 ++------- .../back/remove_last_softmax_pattern.py | 16 ++------- .../back/remove_last_softmax_test.py | 17 ++-------- .../extensions/front/ATenToEmbeddingBag.py | 17 ++-------- .../front/ATenToEmbeddingBag_test.py | 17 ++-------- .../extensions/front/ArgMaxSqueeze.py | 16 ++------- .../front/AttributedClampNormalizer.py | 16 ++------- .../front/AttributedClampNormalizer_test.py | 17 ++-------- .../front/AttributedGatherNormalizer.py | 17 ++-------- .../extensions/front/AttributedPadToPad.py | 17 ++-------- .../front/AttributedPadToPad_test.py | 17 ++-------- .../extensions/front/ChangeCastOutputType.py | 17 ++-------- .../front/ChangePlaceholderTypes.py | 17 ++-------- .../front/DropoutWithRandomUniformReplacer.py | 17 ++-------- .../DropoutWithRandomUniformReplacer_test.py | 17 ++-------- .../extensions/front/ExpandDimsToUnsqueeze.py | 17 ++-------- .../extensions/front/FillToBroadcast.py | 17 ++-------- .../extensions/front/GeLUMerger_Erf.py | 17 ++-------- .../extensions/front/GeLUMerger_Erf_test.py | 17 ++-------- .../extensions/front/GeLUMerger_Tanh.py | 17 ++-------- .../extensions/front/GeLUMerger_Tanh_test.py | 17 ++-------- .../extensions/front/HSigmoid_fusion.py | 16 ++------- .../extensions/front/HSigmoid_fusion_test.py | 17 ++-------- .../extensions/front/HSwish_fusing_test.py | 17 ++-------- .../extensions/front/HSwish_fusion.py | 16 ++------- .../extensions/front/InterpolateNormalizer.py | 16 ++------- .../front/InterpolateV1ToInterpolate.py | 17 ++-------- model-optimizer/extensions/front/LayerNorm.py | 17 ++-------- .../extensions/front/LayerNorm_test.py | 17 ++-------- model-optimizer/extensions/front/Log1p.py | 16 ++------- .../extensions/front/Log1p_test.py | 17 ++-------- .../extensions/front/MatMul_normalizer.py | 16 ++------- .../extensions/front/Mish_fusion.py | 17 ++-------- .../extensions/front/Mish_fusion_test.py | 17 ++-------- .../front/MoveEmbeddedInputsToInputs.py | 17 ++-------- .../extensions/front/OneHotDepthNormalizer.py | 17 ++-------- .../front/OneHotDepthNormalizer_test.py | 17 ++-------- model-optimizer/extensions/front/Pack.py | 16 ++------- model-optimizer/extensions/front/Pack_test.py | 17 ++-------- .../extensions/front/PowerToEltwises.py | 17 ++-------- .../extensions/front/Softplus_fusion.py | 16 ++------- .../extensions/front/Softplus_fusion_test.py | 17 ++-------- .../extensions/front/SqueezeNormalize.py | 17 ++-------- .../extensions/front/Swish_fusion.py | 17 ++-------- .../extensions/front/Swish_fusion_test.py | 17 ++-------- .../front/ThresholdedReluDecomposition.py | 17 ++-------- .../ThresholdedReluDecomposition_test.py | 16 ++------- .../extensions/front/TopKNormalize.py | 17 ++-------- .../front/TransposeOrderNormalizer.py | 16 ++------- model-optimizer/extensions/front/YOLO.py | 17 ++-------- model-optimizer/extensions/front/__init__.py | 3 ++ .../front/binary_quantize_normalization.py | 17 ++-------- .../binary_quantize_normalization_test.py | 17 ++-------- .../extensions/front/broadcast_with_range.py | 17 ++-------- .../front/broadcast_with_range_test.py | 17 ++-------- .../extensions/front/caffe/ArgMaxFlatten.py | 16 ++------- .../extensions/front/caffe/MVNCaffeToMVN.py | 16 ++------- .../front/caffe/MVNCaffeToMVN_test.py | 17 ++-------- .../extensions/front/caffe/__init__.py | 3 ++ .../extensions/front/caffe/accum_ext.py | 16 ++------- .../extensions/front/caffe/accum_ext_test.py | 17 ++-------- .../extensions/front/caffe/argmax_ext.py | 16 ++------- .../extensions/front/caffe/argmax_ext_test.py | 17 ++-------- .../extensions/front/caffe/axpy.py | 17 ++-------- .../extensions/front/caffe/axpy_test.py | 16 ++------- .../extensions/front/caffe/batchnorm_ext.py | 16 ++------- .../extensions/front/caffe/binarization.py | 16 ++------- .../extensions/front/caffe/binary_conv_ext.py | 17 ++-------- model-optimizer/extensions/front/caffe/bn.py | 17 ++-------- .../extensions/front/caffe/bn_ext.py | 17 ++-------- .../extensions/front/caffe/bn_test.py | 16 ++------- .../extensions/front/caffe/concat_ext.py | 17 ++-------- .../extensions/front/caffe/conv_ext.py | 17 ++-------- .../extensions/front/caffe/conv_ext_test.py | 17 ++-------- .../extensions/front/caffe/correlation_ext.py | 16 ++------- .../front/caffe/correlation_ext_test.py | 17 ++-------- .../extensions/front/caffe/crop_ext.py | 17 ++-------- .../extensions/front/caffe/crop_ext_test.py | 17 ++-------- .../front/caffe/ctcgreedydecoder_ext.py | 16 ++------- .../front/caffe/ctcgreedydecoder_ext_test.py | 17 ++-------- .../front/caffe/data_augmentation_ext.py | 16 ++------- .../front/caffe/data_augmentation_ext_test.py | 17 ++-------- .../front/caffe/detection_output.py | 17 ++-------- .../extensions/front/caffe/dropout_ext.py | 17 ++-------- .../extensions/front/caffe/elementwise_ext.py | 16 ++------- .../front/caffe/elementwise_ext_test.py | 16 ++------- .../front/caffe/eltwise_add_normalize.py | 16 ++------- .../front/caffe/eltwise_add_normalize_test.py | 17 ++-------- model-optimizer/extensions/front/caffe/elu.py | 17 ++-------- .../extensions/front/caffe/elu_test.py | 17 ++-------- .../extensions/front/caffe/flatten_ext.py | 17 ++-------- .../extensions/front/caffe/grn_ext.py | 16 ++------- .../extensions/front/caffe/grn_ext_test.py | 17 ++-------- .../front/caffe/inner_product_ext.py | 17 ++-------- .../extensions/front/caffe/input_ext.py | 17 ++-------- .../extensions/front/caffe/interp_ext.py | 17 ++-------- .../extensions/front/caffe/lrn_ext.py | 16 ++------- .../extensions/front/caffe/mvn_ext.py | 16 ++------- .../extensions/front/caffe/normalize_ext.py | 16 ++------- .../front/caffe/normalize_ext_test.py | 17 ++-------- .../extensions/front/caffe/permute_ext.py | 17 ++-------- .../extensions/front/caffe/pooling_ext.py | 16 ++------- .../front/caffe/pooling_ext_test.py | 17 ++-------- .../extensions/front/caffe/power_file_ext.py | 16 ++------- .../front/caffe/power_file_ext_test.py | 17 ++-------- .../extensions/front/caffe/prelu_ext.py | 16 ++------- .../extensions/front/caffe/prelu_ext_test.py | 17 ++-------- .../front/caffe/priorbox_clustered_ext.py | 16 ++------- .../caffe/priorbox_clustered_ext_test.py | 17 ++-------- .../extensions/front/caffe/priorbox_ext.py | 16 ++------- .../front/caffe/priorbox_ext_test.py | 17 ++-------- .../extensions/front/caffe/proposal_ext.py | 16 ++------- .../front/caffe/proposal_ext_test.py | 17 ++-------- .../front/caffe/proposal_python_ext.py | 16 ++------- .../front/caffe/proposal_python_ext_test.py | 17 ++-------- .../front/caffe/psroipooling_ext.py | 16 ++------- .../extensions/front/caffe/regionyolo_ext.py | 16 ++------- .../front/caffe/regionyolo_ext_test.py | 17 ++-------- .../extensions/front/caffe/relu6.py | 17 ++-------- .../extensions/front/caffe/relu_ext.py | 17 ++-------- .../extensions/front/caffe/reorgyolo_ext.py | 16 ++------- .../front/caffe/reorgyolo_ext_test.py | 17 ++-------- .../extensions/front/caffe/resample_ext.py | 16 ++------- .../extensions/front/caffe/reshape.py | 16 ++------- .../extensions/front/caffe/roipooling_ext.py | 17 ++-------- .../extensions/front/caffe/scale_ext.py | 17 ++-------- .../front/caffe/shufflechannel_ext.py | 16 ++------- .../extensions/front/caffe/sigmoid.py | 17 ++-------- .../extensions/front/caffe/simplernms_ext.py | 16 ++------- .../front/caffe/simplernms_ext_test.py | 17 ++-------- .../extensions/front/caffe/slice_ext.py | 17 ++-------- .../extensions/front/caffe/slice_to_split.py | 17 ++-------- .../extensions/front/caffe/softmax_ext.py | 17 ++-------- .../front/caffe/spatial_transformer_ext.py | 16 ++------- .../caffe/spatial_transformer_ext_test.py | 17 ++-------- .../front/caffe/split_to_identity.py | 16 ++------- .../extensions/front/caffe/tanh.py | 17 ++-------- .../extensions/front/create_tensor_nodes.py | 16 ++------- ...able_weights_quantize_value_propagation.py | 16 ++------- model-optimizer/extensions/front/div.py | 17 ++-------- model-optimizer/extensions/front/div_test.py | 17 ++-------- model-optimizer/extensions/front/eltwise_n.py | 18 ++-------- .../extensions/front/eltwise_n_test.py | 17 ++-------- .../extensions/front/flatten_to_reshape.py | 16 ++------- .../front/freeze_placeholder_value.py | 17 ++-------- .../front/freeze_placeholder_value_test.py | 17 ++-------- .../front/global_pooling_to_reduce.py | 17 ++-------- .../extensions/front/image_scaler.py | 17 ++-------- .../extensions/front/image_scaler_test.py | 17 ++-------- model-optimizer/extensions/front/input_cut.py | 16 ++------- .../front/instance_normalization.py | 17 ++-------- .../front/instance_normalization_test.py | 17 ++-------- .../extensions/front/interpolate_reshape.py | 16 ++------- .../front/interpolate_reshape_test.py | 16 ++------- .../extensions/front/kaldi/__init__.py | 3 ++ .../kaldi/add_permute_after_convolution.py | 16 ++------- .../add_permute_after_convolution_test.py | 16 ++------- .../kaldi/add_reshape_around_convolution.py | 16 ++------- .../front/kaldi/add_reshape_around_pooling.py | 16 ++------- .../extensions/front/kaldi/apply_counts.py | 16 ++------- .../front/kaldi/apply_counts_test.py | 17 ++-------- .../front/kaldi/logsoftmax_component_ext.py | 17 ++-------- .../front/kaldi/memory_offset_adjustment.py | 16 ++------- .../kaldi/memory_offset_adjustment_test.py | 16 ++------- .../front/kaldi/replace_eltwise_nin1.py | 16 ++------- .../front/kaldi/replace_lstm_node_pattern.py | 16 ++------- .../front/kaldi/replace_lstm_nonlinearity.py | 16 ++------- .../kaldi/replace_lstm_nonlinearity_test.py | 16 ++------- .../extensions/front/kaldi/set_ports.py | 16 ++------- .../extensions/front/kaldi/sigmoid_ext.py | 17 ++-------- .../front/kaldi/sigmoid_ext_test.py | 17 ++-------- .../kaldi/split_recurrent_memoryoffset.py | 16 ++------- .../front/kaldi/tanh_component_ext.py | 17 ++-------- .../extensions/front/kaldi/tanh_ext_test.py | 17 ++-------- .../front/kaldi/tdnn_component_replacer.py | 17 ++-------- .../kaldi/tdnn_component_replacer_test.py | 16 ++------- .../front/mxnet/MXRepeatReplacer.py | 17 ++-------- .../extensions/front/mxnet/RNN_ext.py | 16 ++------- .../extensions/front/mxnet/RNN_ext_test.py | 16 ++------- .../extensions/front/mxnet/__init__.py | 3 ++ .../extensions/front/mxnet/activation.py | 17 ++-------- .../extensions/front/mxnet/activation_test.py | 17 ++-------- .../front/mxnet/adaptive_avg_pooling_ext.py | 17 ++-------- .../mxnet/add_input_data_to_prior_boxes.py | 16 ++------- .../add_input_data_to_prior_boxes_test.py | 17 ++-------- .../extensions/front/mxnet/arange_ext.py | 17 ++-------- .../extensions/front/mxnet/arange_replacer.py | 16 ++------- .../extensions/front/mxnet/block_grad_ext.py | 17 ++-------- .../extensions/front/mxnet/box_nms_ext.py | 17 ++-------- .../extensions/front/mxnet/cast_ext.py | 16 ++------- .../front/mxnet/check_softmax_node_inputs.py | 17 ++-------- .../mxnet/check_softmax_node_inputs_test.py | 17 ++-------- .../extensions/front/mxnet/clip_ext.py | 16 ++------- .../extensions/front/mxnet/conv_ext.py | 17 ++-------- .../extensions/front/mxnet/conv_ext_test.py | 17 ++-------- .../extensions/front/mxnet/copy_ext.py | 17 ++-------- .../extensions/front/mxnet/crop_ext.py | 17 ++-------- .../extensions/front/mxnet/crop_ext_test.py | 17 ++-------- .../extensions/front/mxnet/cumsum.py | 16 ++------- .../extensions/front/mxnet/cumsum_ext.py | 17 ++-------- .../extensions/front/mxnet/custom.py | 17 ++-------- .../front/mxnet/custom_rpn_proposal.py | 17 ++-------- .../extensions/front/mxnet/custom_test.py | 17 ++-------- .../front/mxnet/deformable_conv_ext.py | 17 ++-------- .../mxnet/deformable_psroi_pooling_ext.py | 18 ++-------- .../extensions/front/mxnet/dropout_ext.py | 17 ++-------- .../extensions/front/mxnet/elementwise_ext.py | 16 ++------- .../front/mxnet/eltwise_scalar_replacers.py | 17 ++-------- .../extensions/front/mxnet/exp_ext.py | 17 ++-------- .../extensions/front/mxnet/expand_dims_ext.py | 17 ++-------- .../extensions/front/mxnet/flatten_ext.py | 17 ++-------- .../front/mxnet/fully_connected_ext.py | 17 ++-------- .../extensions/front/mxnet/gather.py | 16 ++------- .../extensions/front/mxnet/gather_ext.py | 17 ++-------- .../extensions/front/mxnet/gather_test.py | 17 ++-------- .../front/mxnet/gluoncv_ssd_anchors.py | 16 ++------- .../front/mxnet/gluoncv_ssd_anchors_test.py | 16 ++------- .../front/mxnet/instance_norm_ext.py | 17 ++-------- .../extensions/front/mxnet/leaky_relu.py | 17 ++-------- .../extensions/front/mxnet/leaky_relu_test.py | 17 ++-------- .../extensions/front/mxnet/lrn_ext.py | 16 ++------- .../extensions/front/mxnet/max_ext.py | 17 ++-------- .../front/mxnet/multibox_detection_ext.py | 17 ++-------- .../front/mxnet/multibox_detection_test.py | 17 ++-------- .../front/mxnet/mx_reshape_reverse.py | 17 ++-------- .../front/mxnet/mx_reshape_reverse_test.py | 17 ++-------- .../front/mxnet/mx_reshape_to_reshape.py | 17 ++-------- .../front/mxnet/mx_reshape_to_reshape_test.py | 17 ++-------- .../extensions/front/mxnet/null_ext.py | 17 ++-------- .../extensions/front/mxnet/pad_ext.py | 17 ++-------- .../extensions/front/mxnet/pooling_ext.py | 17 ++-------- .../front/mxnet/pooling_ext_test.py | 17 ++-------- .../extensions/front/mxnet/proposal_ext.py | 17 ++-------- .../front/mxnet/psroi_pooling_ext.py | 17 ++-------- .../extensions/front/mxnet/repeat_ext.py | 17 ++-------- .../extensions/front/mxnet/reshape_ext.py | 17 ++-------- .../front/mxnet/rnn_param_concat.py | 17 ++-------- .../extensions/front/mxnet/roi_pooling_ext.py | 17 ++-------- .../extensions/front/mxnet/shape_array_ext.py | 17 ++-------- .../extensions/front/mxnet/sigmoid.py | 17 ++-------- .../extensions/front/mxnet/sigmoid_test.py | 17 ++-------- .../front/mxnet/slice_channel_ext.py | 17 ++-------- .../extensions/front/mxnet/slice_ext.py | 17 ++-------- .../extensions/front/mxnet/slice_like_ext.py | 17 ++-------- .../extensions/front/mxnet/slice_replacers.py | 17 ++-------- .../extensions/front/mxnet/softmax.py | 17 ++-------- .../front/mxnet/softmax_activation_ext.py | 17 ++-------- .../extensions/front/mxnet/softmax_ext.py | 17 ++-------- .../front/mxnet/softmax_output_ext.py | 17 ++-------- .../extensions/front/mxnet/squeeze_ext.py | 17 ++-------- .../front/mxnet/ssd_anchor_reshape.py | 17 ++-------- .../mxnet/ssd_detection_output_replacer.py | 16 ++------- .../ssd_pattern_flatten_softmax_activation.py | 17 ++-------- ...pattern_flatten_softmax_activation_test.py | 17 ++-------- .../front/mxnet/ssd_pattern_remove_flatten.py | 17 ++-------- .../mxnet/ssd_pattern_remove_flatten_test.py | 17 ++-------- .../front/mxnet/ssd_pattern_remove_reshape.py | 17 ++-------- .../mxnet/ssd_pattern_remove_reshape_test.py | 17 ++-------- .../mxnet/ssd_pattern_remove_transpose.py | 17 ++-------- .../ssd_pattern_remove_transpose_test.py | 17 ++-------- .../mxnet/ssd_reorder_detection_out_inputs.py | 17 ++-------- .../ssd_reorder_detection_out_inputs_test.py | 17 ++-------- .../extensions/front/mxnet/stack_ext.py | 17 ++-------- .../extensions/front/mxnet/swapaxis_ext.py | 17 ++-------- .../extensions/front/mxnet/take_ext.py | 17 ++-------- .../extensions/front/mxnet/tile_ext.py | 17 ++-------- .../extensions/front/mxnet/tile_replacer.py | 17 ++-------- .../extensions/front/mxnet/transpose_ext.py | 17 ++-------- .../extensions/front/mxnet/up_sampling_ext.py | 17 ++-------- .../extensions/front/mxnet/where_ext.py | 17 ++-------- .../extensions/front/mxnet/zeros_ext.py | 17 ++-------- .../extensions/front/no_op_eraser.py | 17 ++-------- .../front/non_max_suppression_normalize.py | 17 ++-------- .../front/onnx/AttributedSliceToSlice.py | 17 ++-------- .../front/onnx/AttributedSliceToSlice_test.py | 17 ++-------- .../extensions/front/onnx/LoopNormalize.py | 16 ++------- .../extensions/front/onnx/MvnOnnxToMvn.py | 16 ++------- .../front/onnx/MvnOnnxToMvn_test.py | 17 ++-------- .../front/onnx/ONNXResize10ToInterpolate.py | 17 ++-------- .../extensions/front/onnx/__init__.py | 3 ++ .../extensions/front/onnx/activation_ext.py | 16 ++------- .../front/onnx/activation_ext_test.py | 17 ++-------- .../extensions/front/onnx/affine_ext.py | 17 ++-------- .../extensions/front/onnx/affine_ext_test.py | 17 ++-------- .../extensions/front/onnx/argmax_ext.py | 17 ++-------- .../extensions/front/onnx/aten_ext.py | 16 ++------- .../extensions/front/onnx/cast_ext.py | 17 ++-------- .../extensions/front/onnx/clip_ext.py | 16 ++------- .../extensions/front/onnx/concat_ext.py | 17 ++-------- .../extensions/front/onnx/const_ext.py | 16 ++------- .../front/onnx/constant_fill_ext.py | 17 ++-------- .../front/onnx/constant_of_shape_ext.py | 16 ++------- .../onnx/constant_of_shape_to_broadcast.py | 17 ++-------- .../extensions/front/onnx/conv_ext.py | 17 ++-------- .../extensions/front/onnx/conv_ext_test.py | 17 ++-------- .../extensions/front/onnx/crop_ext.py | 17 ++-------- .../extensions/front/onnx/crop_ext_test.py | 17 ++-------- .../extensions/front/onnx/cumsum_ext.py | 17 ++-------- .../front/onnx/deformable_conv_ext.py | 17 ++-------- .../front/onnx/depth_to_space_ext.py | 16 ++------- .../front/onnx/dequantize_linear_ext.py | 16 ++------- .../front/onnx/dequantize_linear_resolver.py | 17 ++-------- .../onnx/dequantize_linear_resolver_test.py | 17 ++-------- .../extensions/front/onnx/detection_output.py | 16 ++------- .../front/onnx/detection_output_test.py | 17 ++-------- .../front/onnx/detectionoutput_ext.py | 17 ++-------- .../extensions/front/onnx/dropout_ext.py | 17 ++-------- .../extensions/front/onnx/elementwise_ext.py | 16 ++------- .../extensions/front/onnx/expand_ext.py | 17 ++-------- .../front/onnx/flattenONNX_to_reshape.py | 17 ++-------- .../extensions/front/onnx/flatten_ext.py | 17 ++-------- .../extensions/front/onnx/fused_bn_ext.py | 16 ++------- .../extensions/front/onnx/gather_ext.py | 17 ++-------- .../front/onnx/gatherelements_ext.py | 17 ++-------- .../extensions/front/onnx/gathernd_ext.py | 17 ++-------- .../extensions/front/onnx/gemm_ext.py | 17 ++-------- .../extensions/front/onnx/group_norm_ext.py | 17 ++-------- .../extensions/front/onnx/gru_ext.py | 16 ++------- .../extensions/front/onnx/gru_ext_test.py | 16 ++------- .../extensions/front/onnx/hard_sigmoid_ext.py | 17 ++-------- .../extensions/front/onnx/identity_ext.py | 16 ++------- .../extensions/front/onnx/image_scaler_ext.py | 17 ++-------- .../front/onnx/image_scaler_ext_test.py | 17 ++-------- .../front/onnx/instance_normalization_ext.py | 17 ++-------- .../onnx/instance_normalization_ext_test.py | 17 ++-------- .../onnx/logsoftmaxONNX_to_logsoftmax.py | 16 ++------- .../extensions/front/onnx/loop_ext.py | 16 ++------- .../front/onnx/lp_normalization_ext.py | 16 ++------- .../extensions/front/onnx/lrn_ext.py | 17 ++-------- .../extensions/front/onnx/lstm_ext.py | 16 ++------- .../extensions/front/onnx/lstm_ext_test.py | 16 ++------- .../front/onnx/mask_rcnn_conversion.py | 17 ++-------- .../extensions/front/onnx/matmul_ext.py | 16 ++------- .../onnx/mean_variance_normalization_ext.py | 17 ++-------- .../front/onnx/non_max_suppression_ext.py | 16 ++------- .../extensions/front/onnx/non_zero_ext.py | 16 ++------- .../extensions/front/onnx/normalize_ext.py | 16 ++------- .../front/onnx/normalize_ext_test.py | 17 ++-------- .../front/onnx/normalize_l2_normalize.py | 17 ++-------- .../extensions/front/onnx/one_hot_ext.py | 16 ++------- .../front/onnx/one_hot_normalize.py | 16 ++------- .../extensions/front/onnx/pad_converter.py | 16 ++------- .../front/onnx/pad_converter_test.py | 17 ++-------- .../extensions/front/onnx/pad_ext.py | 17 ++-------- .../extensions/front/onnx/pad_ext_test.py | 16 ++------- .../extensions/front/onnx/parameter_ext.py | 16 ++------- .../person_detection_crossroad_conversion.py | 17 ++-------- .../extensions/front/onnx/pooling_ext.py | 17 ++-------- .../front/onnx/priorbox_clustered_ext.py | 16 ++------- .../front/onnx/priorbox_clustered_ext_test.py | 17 ++-------- .../extensions/front/onnx/priorbox_ext.py | 16 ++------- .../front/onnx/priorbox_ext_test.py | 17 ++-------- .../front/onnx/priorgridgenerator_ext.py | 17 ++-------- .../extensions/front/onnx/proposal_ext.py | 17 ++-------- .../front/onnx/quantize_dequantize_linear.py | 17 ++-------- .../onnx/quantize_dequantize_linear_test.py | 17 ++-------- .../extensions/front/onnx/quantize_ext.py | 17 ++-------- .../front/onnx/quantize_linear_ext.py | 16 ++------- .../front/onnx/quantize_linear_resolver.py | 16 ++------- .../onnx/quantize_linear_resolver_test.py | 17 ++-------- .../extensions/front/onnx/range_ext.py | 16 ++------- .../extensions/front/onnx/reduce_ext.py | 17 ++-------- .../onnx/remove_filtering_boxes_by_size.py | 16 ++------- .../extensions/front/onnx/reshape_ext.py | 17 ++-------- .../extensions/front/onnx/resize_ext.py | 17 ++-------- .../front/onnx/reverse_sequence_ext.py | 17 ++-------- .../extensions/front/onnx/rnn_ext.py | 16 ++------- .../extensions/front/onnx/rnn_ext_test.py | 16 ++------- .../extensions/front/onnx/roialign_ext.py | 16 ++------- .../front/onnx/roifeatureextractor_ext.py | 17 ++-------- .../extensions/front/onnx/scatter_ext.py | 16 ++------- .../extensions/front/onnx/shape_ext.py | 16 ++------- .../extensions/front/onnx/slice_ext.py | 17 ++-------- .../front/onnx/softmaxONNX_to_softmax.py | 17 ++-------- .../extensions/front/onnx/softmax_ext.py | 17 ++-------- .../extensions/front/onnx/softplus_ext.py | 17 ++-------- .../front/onnx/space_to_depth_ext.py | 17 ++-------- .../extensions/front/onnx/split_ext.py | 16 ++------- .../extensions/front/onnx/squeeze_ext.py | 17 ++-------- .../extensions/front/onnx/squeeze_ext_test.py | 17 ++-------- .../extensions/front/onnx/top_k_ext.py | 17 ++-------- .../extensions/front/onnx/topkrois_ext.py | 17 ++-------- .../extensions/front/onnx/transpose_ext.py | 17 ++-------- .../front/onnx/transpose_ext_test.py | 17 ++-------- .../extensions/front/onnx/unsqueeze_ext.py | 17 ++-------- .../front/onnx/unsqueeze_ext_test.py | 17 ++-------- .../extensions/front/onnx/upsample_ext.py | 17 ++-------- .../front/onnx/upsample_ext_test.py | 17 ++-------- .../extensions/front/onnx/where_ext.py | 17 ++-------- .../extensions/front/output_cut.py | 16 ++------- .../extensions/front/output_cut_test.py | 17 ++-------- .../extensions/front/override_batch.py | 16 ++------- .../extensions/front/pass_separator.py | 16 ++------- .../extensions/front/rank_decomposer.py | 17 ++-------- .../extensions/front/rank_decomposer_test.py | 17 ++-------- .../extensions/front/reciprocal.py | 16 ++------- .../extensions/front/reciprocal_test.py | 17 ++-------- .../front/reduce_axis_normalizer.py | 17 ++-------- .../front/reduce_axis_normalizer_test.py | 17 ++-------- .../front/reshape_dim_normalizer.py | 16 ++------- .../extensions/front/restore_ports.py | 17 ++-------- .../extensions/front/scatter_normalizer.py | 17 ++-------- .../front/scatter_normalizer_test.py | 17 ++-------- model-optimizer/extensions/front/softmax.py | 16 ++------- .../extensions/front/softsign_replacer.py | 16 ++------- .../front/softsign_replacer_test.py | 17 ++-------- .../extensions/front/split_normalizer.py | 17 ++-------- .../extensions/front/split_normalizer_test.py | 17 ++-------- .../front/standalone_const_eraser.py | 17 ++-------- model-optimizer/extensions/front/sub.py | 17 ++-------- model-optimizer/extensions/front/sub_test.py | 17 ++-------- .../extensions/front/tf/AutomlEfficientDet.py | 17 ++-------- .../extensions/front/tf/BatchMatMul_ext.py | 17 ++-------- .../front/tf/BatchToSpaceNDToUpsample.py | 16 ++------- .../extensions/front/tf/BlockLSTM.py | 17 ++-------- .../extensions/front/tf/BlockLSTM_ext.py | 17 ++-------- .../front/tf/CTCGreedyDecoderReplacement.py | 17 ++-------- .../tf/CTCGreedyDecoderReplacement_test.py | 17 ++-------- .../front/tf/CTCGreedyDecoder_ext.py | 16 ++------- .../extensions/front/tf/CTCLossReplacement.py | 17 ++-------- .../front/tf/CTCLossReplacement_test.py | 17 ++-------- .../extensions/front/tf/CTCLoss_ext.py | 16 ++------- .../extensions/front/tf/Cast_ext.py | 17 ++-------- .../front/tf/CropAndResizeReplacement.py | 17 ++-------- .../front/tf/FakeQuantWithMinMaxVars.py | 17 ++-------- .../front/tf/FakeQuantWithMinMaxVars_ext.py | 17 ++-------- .../extensions/front/tf/FlattenToReshape.py | 17 ++-------- .../front/tf/GNMT_DynamicSequenceLengths.py | 16 ++------- .../extensions/front/tf/GatherTree_ext.py | 16 ++------- .../front/tf/InterpolateTransposes.py | 16 ++------- .../front/tf/IteratorGetNext_ext.py | 17 ++-------- .../front/tf/KerasRNNTransformation.py | 17 ++-------- .../front/tf/LookupTableInsert_ext.py | 17 ++-------- .../extensions/front/tf/LoopCond_ext.py | 17 ++-------- .../NonConstBeginStridedSliceReplacement.py | 17 ++-------- ...nConstBeginStridedSliceReplacement_test.py | 17 ++-------- .../extensions/front/tf/ObjectDetectionAPI.py | 17 ++-------- .../front/tf/ObjectDetectionAPI_test.py | 17 ++-------- .../RetinaNetFilteredDetectionsReplacement.py | 17 ++-------- .../front/tf/SSDToolboxDetectionOutput.py | 17 ++-------- .../extensions/front/tf/SizeReplacer.py | 16 ++------- .../front/tf/SwitchMergeOptimization.py | 16 ++------- .../front/tf/SwitchMergeOptimization_test.py | 16 ++------- .../front/tf/TFResizeToInterpolate.py | 17 ++-------- .../extensions/front/tf/TFSliceToSlice.py | 17 ++-------- .../front/tf/TFSliceToSlice_test.py | 17 ++-------- .../front/tf/TensorArrayExtractors.py | 17 ++-------- .../front/tf/TensorArrayGatherV3.py | 17 ++-------- .../tf/UnpackPackReverseInputChannels.py | 16 ++------- .../extensions/front/tf/WhereDecomposition.py | 17 ++-------- .../front/tf/WhereDecomposition_test.py | 18 ++-------- .../extensions/front/tf/WhileNormalize.py | 17 ++-------- .../extensions/front/tf/__init__.py | 3 ++ .../extensions/front/tf/activation_ext.py | 16 ++------- .../extensions/front/tf/argmax_ext.py | 16 ++------- .../extensions/front/tf/assign_elimination.py | 17 ++-------- .../extensions/front/tf/basic_lstm_cell.py | 16 ++------- .../extensions/front/tf/batch_to_space_ext.py | 17 ++-------- .../extensions/front/tf/broadcast_ext.py | 17 ++-------- .../extensions/front/tf/bucketize.py | 17 ++-------- .../extensions/front/tf/bucketize_ext.py | 17 ++-------- model-optimizer/extensions/front/tf/concat.py | 17 ++-------- .../extensions/front/tf/concat_ext.py | 17 ++-------- .../extensions/front/tf/concat_ext_test.py | 17 ++-------- .../extensions/front/tf/concat_test.py | 17 ++-------- .../extensions/front/tf/const_ext.py | 17 ++-------- .../extensions/front/tf/conv_ext.py | 16 ++------- .../extensions/front/tf/conv_ext_test.py | 17 ++-------- .../front/tf/crop_and_resize_ext.py | 17 ++-------- .../extensions/front/tf/cumsum_ext.py | 17 ++-------- .../extensions/front/tf/deconv_ext.py | 17 ++-------- .../extensions/front/tf/deconv_ext_test.py | 17 ++-------- .../extensions/front/tf/depth_to_space.py | 16 ++------- .../extensions/front/tf/elementwise_ext.py | 16 ++------- .../front/tf/embedding_segments_sum.py | 17 ++-------- .../front/tf/embedding_segments_sum_test.py | 17 ++-------- .../extensions/front/tf/expand_dims_ext.py | 17 ++-------- .../front/tf/extract_image_patches_ext.py | 17 ++-------- .../extensions/front/tf/fake_const_ext.py | 16 ++------- .../extensions/front/tf/fifo_queue_v2_ext.py | 16 ++------- .../extensions/front/tf/fifo_replacer.py | 16 ++------- .../extensions/front/tf/fifo_replacer_test.py | 17 ++-------- .../extensions/front/tf/fill_ext.py | 17 ++-------- .../front/tf/floor_div_decomposition.py | 17 ++-------- .../extensions/front/tf/floor_div_test.py | 17 ++-------- .../extensions/front/tf/floor_ext.py | 17 ++-------- .../extensions/front/tf/gather_ext.py | 17 ++-------- .../extensions/front/tf/gathernd_ext.py | 16 ++------- .../front/tf/identityN_to_identity.py | 17 ++-------- .../front/tf/identityN_to_identity_test.py | 17 ++-------- .../extensions/front/tf/identity_ext.py | 16 ++------- .../extensions/front/tf/log_softmax_ext.py | 17 ++-------- .../extensions/front/tf/lrn_ext.py | 16 ++------- .../extensions/front/tf/matmul_ext.py | 16 ++------- model-optimizer/extensions/front/tf/mvn.py | 17 ++-------- .../extensions/front/tf/mvn_unrolled.py | 17 ++-------- .../extensions/front/tf/mvn_unrolled_test.py | 16 ++------- .../front/tf/nearest_neighbor_upsampling.py | 17 ++-------- .../extensions/front/tf/next_iteration_ext.py | 17 ++-------- .../front/tf/next_iteration_ext_test.py | 17 ++-------- .../front/tf/non_max_suppression_ext.py | 16 ++------- .../front/tf/non_max_suppression_normalize.py | 16 ++------- model-optimizer/extensions/front/tf/noop.py | 17 ++-------- .../extensions/front/tf/one_hot_ext.py | 17 ++-------- .../extensions/front/tf/pad_ext.py | 17 ++-------- .../extensions/front/tf/pad_tf_to_pad.py | 16 ++------- .../extensions/front/tf/pad_tf_to_pad_test.py | 17 ++-------- .../extensions/front/tf/placeholder_ext.py | 17 ++-------- .../front/tf/placeholder_with_default_ext.py | 16 ++------- .../extensions/front/tf/pooling_ext.py | 17 ++-------- model-optimizer/extensions/front/tf/prelu.py | 17 ++-------- .../extensions/front/tf/range_ext.py | 16 ++------- .../extensions/front/tf/reduce_ext.py | 16 ++------- .../front/tf/reshape_related_ext.py | 16 ++------- .../extensions/front/tf/resize_bilinear.py | 17 ++-------- .../front/tf/resize_nearest_neighbor.py | 17 ++-------- .../extensions/front/tf/reverse_sequence.py | 17 ++-------- .../extensions/front/tf/reverse_v2.py | 16 ++------- .../extensions/front/tf/select_ext.py | 16 ++------- .../extensions/front/tf/sign_ext.py | 17 ++-------- .../extensions/front/tf/size_replacer_test.py | 17 ++-------- .../extensions/front/tf/slice_ext.py | 17 ++-------- .../extensions/front/tf/softmax_ext.py | 17 ++-------- .../extensions/front/tf/softplus_ext.py | 17 ++-------- .../extensions/front/tf/space_to_batch.py | 16 ++------- .../extensions/front/tf/space_to_batch_ext.py | 17 ++-------- .../extensions/front/tf/space_to_depth_ext.py | 17 ++-------- .../front/tf/sparse_fill_empty_rows_ext.py | 17 ++-------- .../front/tf/sparse_segment_mean_ext.py | 17 ++-------- .../front/tf/sparse_segment_sqrtn_ext.py | 17 ++-------- .../front/tf/sparse_segment_sum_ext.py | 17 ++-------- .../front/tf/sparse_to_dense_replacer.py | 17 ++-------- .../front/tf/sparse_to_dense_replacer_test.py | 17 ++-------- .../extensions/front/tf/split_ext.py | 17 ++-------- .../extensions/front/tf/swap_deconv_inputs.py | 17 ++-------- .../extensions/front/tf/swish_ext.py | 16 ++------- ...sorflow_custom_operations_config_update.py | 16 ++------- .../extensions/front/tf/tile_ext.py | 16 ++------- .../extensions/front/tf/topk_ext.py | 16 ++------- .../extensions/front/tf/transpose_ext.py | 16 ++------- .../front/tf/transposed_mvn_unrolled.py | 17 ++-------- .../extensions/front/tf/unique_ext.py | 17 ++-------- .../extensions/front/tf/variable_ext.py | 16 ++------- .../front/tf/variables_values_freezing.py | 16 ++------- .../extensions/front/tf/while_ext.py | 16 ++------- .../front/transformations_config.py | 16 ++------- .../extensions/front/user_data_repack.py | 16 ++------- model-optimizer/extensions/load/__init__.py | 3 ++ .../extensions/load/caffe/__init__.py | 3 ++ .../extensions/load/caffe/loader.py | 17 ++-------- .../extensions/load/kaldi/__init__.py | 3 ++ .../extensions/load/kaldi/loader.py | 16 ++------- model-optimizer/extensions/load/loader.py | 17 ++-------- .../extensions/load/mxnet/__init__.py | 3 ++ .../extensions/load/mxnet/loader.py | 17 ++-------- .../extensions/load/onnx/__init__.py | 3 ++ .../extensions/load/onnx/loader.py | 16 ++------- .../extensions/load/tf/__init__.py | 3 ++ model-optimizer/extensions/load/tf/loader.py | 17 ++-------- .../extensions/middle/AddFakeQuantizeFuse.py | 17 ++-------- .../extensions/middle/AddIsCyclicAttribute.py | 17 ++-------- .../middle/AddIsCyclicAttribute_test.py | 17 ++-------- .../extensions/middle/AddMeanScaleValues.py | 16 ++------- .../middle/AddMeanScaleValues_test.py | 16 ++------- .../middle/ApplyNHWCtoNCHWpermutation.py | 16 ++------- .../extensions/middle/ApplyPermutations.py | 16 ++------- .../extensions/middle/ArgMaxToTopK.py | 17 ++-------- .../middle/AttributedTileNormalizer.py | 17 ++-------- .../extensions/middle/BiasAddBroadcasting.py | 16 ++------- .../extensions/middle/BinarizeWeightsM1P1.py | 17 ++-------- .../middle/BlockLSTMtoLSTMSequence.py | 16 ++------- .../extensions/middle/CheckForCycle.py | 17 ++-------- .../extensions/middle/CheckForCycle_test.py | 17 ++-------- .../extensions/middle/ConcatOptimization.py | 17 ++-------- .../middle/ConcatOptimization_test.py | 16 ++------- .../extensions/middle/ConstSwitchResolver.py | 17 ++-------- .../extensions/middle/ConvToBinaryConv.py | 17 ++-------- .../middle/ConvertGroupedStridedSlice.py | 17 ++-------- .../middle/ConvertGroupedStridedSlice_test.py | 17 ++-------- .../ConvertLayoutDependentOperations.py | 16 ++------- .../middle/ConvertMultiInputConv.py | 17 ++-------- .../extensions/middle/CustomSubgraphCall.py | 17 ++-------- .../middle/CutInputHavingZeroDimFromConcat.py | 17 ++-------- .../CutInputHavingZeroDimFromConcat_test.py | 17 ++-------- .../extensions/middle/DecomposeBias.py | 17 ++-------- .../DecomposeBidirectionalRNNSequence.py | 16 ++------- .../Deconvolution3rdInputNormalization.py | 17 ++-------- .../middle/DeleteControlFlowEdges.py | 17 ++-------- .../extensions/middle/DeleteNotExecutable.py | 17 ++-------- .../extensions/middle/DilatedConvolution.py | 16 ++------- .../extensions/middle/EltwiseChecker.py | 17 ++-------- .../extensions/middle/EltwiseInputReshape.py | 17 ++-------- .../middle/EltwiseInputReshape_test.py | 17 ++-------- .../extensions/middle/FakeSplitOutputs.py | 16 ++------- .../middle/FakeSplitOutputs_test.py | 17 ++-------- .../extensions/middle/FuseReshapesSequence.py | 16 ++------- .../middle/FusedBatchNormNonConstant.py | 16 ++------- .../middle/FusedBatchNormTraining.py | 17 ++-------- .../middle/FusedBatchNormTraining_test.py | 17 ++-------- .../middle/GRURNNSequenceToTensorIterator.py | 16 ++------- .../extensions/middle/GatherNdNormalizer.py | 16 ++------- .../extensions/middle/GroupNorm.py | 17 ++-------- .../extensions/middle/GroupNorm_test.py | 17 ++-------- model-optimizer/extensions/middle/InputCut.py | 16 ++------- .../InsertLayoutPropagationTransposes.py | 17 ++-------- .../extensions/middle/InsertSelect.py | 16 ++------- .../extensions/middle/InsertSelect_test.py | 16 ++------- .../InterpolateSequenceToInterpolate.py | 17 ++-------- .../InterpolateSequenceToInterpolate_test.py | 18 ++-------- .../extensions/middle/L2NormFusing.py | 17 ++-------- .../extensions/middle/L2NormFusing_test.py | 17 ++-------- .../middle/LSTMRNNSequenceToTensorIterator.py | 16 ++------- .../LayoutChangeForConstantShapePaths.py | 16 ++------- .../extensions/middle/LeakyReluPattern.py | 16 ++------- .../middle/LeakyReluPattern_test.py | 17 ++-------- .../middle/MXNetRNNSequenceNormalize.py | 17 ++-------- .../middle/MXNetSplitMultiLayers.py | 16 ++------- .../extensions/middle/MXTileReplacer.py | 17 ++-------- .../extensions/middle/MXTileReplacer_test.py | 17 ++-------- .../middle/MarkSubgraphsWithCorrectLayout.py | 16 ++------- .../extensions/middle/MoveConstToLoopBody.py | 17 ++-------- .../extensions/middle/MulFakeQuantizeFuse.py | 16 ++------- .../extensions/middle/MulQuantizeFuse_test.py | 17 ++-------- .../middle/ONNXRNNSequenceNormalize.py | 17 ++-------- .../middle/ONNXResize11ToInterpolate.py | 17 ++-------- .../extensions/middle/PartialInfer.py | 16 ++------- .../middle/PoolV2ToAttributedPool.py | 17 ++-------- .../middle/PoolV2ToAttributedPool_test.py | 16 ++------- .../middle/RNNSequenceNormalizeToIE.py | 17 ++-------- .../extensions/middle/ReluQuantizeFuse.py | 17 ++-------- .../middle/ReluQuantizeFuse_test.py | 17 ++-------- .../middle/RemoveDuplicationMemory.py | 16 ++------- .../middle/RemoveDuplicationMemory_test.py | 16 ++------- .../extensions/middle/RemoveIdentity.py | 17 ++-------- ...emoveRedundantReshapeAfterCropAndResize.py | 17 ++-------- .../middle/RemoveRedundantReshapes.py | 16 ++------- .../middle/RemoveUselessConcatSplit.py | 16 ++------- .../middle/RemoveUselessConcatSplit_test.py | 16 ++------- .../extensions/middle/RemoveUselessCrops.py | 16 ++------- .../middle/RemoveUselessCrops_test.py | 16 ++------- .../extensions/middle/RemoveUselessPad.py | 17 ++-------- .../middle/RemoveUselessPad_test.py | 16 ++------- .../middle/ReplaceMemoryOffsetWithSplice.py | 16 ++------- .../ReplaceMemoryOffsetWithSplice_test.py | 16 ++------- .../extensions/middle/ReplacePNorm.py | 16 ++------- .../middle/ReplacePNormNodePattern_test.py | 16 ++------- .../middle/ReplaceSpliceNodePattern.py | 16 ++------- .../middle/ReplaceSpliceNodePattern_test.py | 16 ++------- .../middle/ReverseTransposeNormalization.py | 16 ++------- .../middle/ReverseV2ToReverseSequence.py | 16 ++------- .../extensions/middle/ScaleInput.py | 16 ++------- .../extensions/middle/SequenceLengthToMask.py | 17 ++-------- .../middle/SequenceLenthToMask_test.py | 17 ++-------- .../middle/SharedWeightsDuplication.py | 16 ++------- .../middle/SharedWeightsDuplication_test.py | 17 ++-------- .../extensions/middle/SliceConverter.py | 17 ++-------- .../extensions/middle/SliceConverter_test.py | 17 ++-------- .../middle/SliceLikeToStridedSlice.py | 16 ++------- .../middle/SliceLikeToStridedSlice_test.py | 16 ++------- .../middle/SplitConcatPairToInterpolate.py | 17 ++-------- .../SplitConcatPairToInterpolate_test.py | 18 ++-------- .../middle/StridedSliceNormalizer.py | 16 ++------- .../middle/StridedSliceNormalizer_test.py | 16 ++------- .../middle/SwapAxesMiddleReplacer.py | 17 ++-------- .../middle/TF_lstm_cell_to_generic.py | 17 ++-------- .../middle/TensorIteratorBackEdge.py | 17 ++-------- .../middle/TensorIteratorBackEdge_test.py | 17 ++-------- .../middle/TensorIteratorCondition.py | 17 ++-------- .../middle/TensorIteratorConditionChecker.py | 16 ++------- .../middle/TensorIteratorCondition_test.py | 16 ++------- .../extensions/middle/TensorIteratorInput.py | 17 ++-------- .../middle/TensorIteratorInput_test.py | 16 ++------- .../TensorIteratorLSTMToLSTMSequence.py | 17 ++-------- .../extensions/middle/TensorIteratorMerge.py | 17 ++-------- .../extensions/middle/TensorIteratorOutput.py | 17 ++-------- .../middle/TensorIteratorOutput_test.py | 16 ++------- .../extensions/middle/TensorIterator_utils.py | 16 ++------- .../UnsqueezeTileReshapeBlockToInterpolate.py | 17 ++-------- ...ueezeTileReshapeBlockToInterpolate_test.py | 17 ++-------- .../extensions/middle/UpsampleToResample.py | 17 ++-------- .../middle/UpsampleToResample_test.py | 17 ++-------- .../extensions/middle/UselessMerge.py | 17 ++-------- .../extensions/middle/UselessSplitEraser.py | 17 ++-------- model-optimizer/extensions/middle/__init__.py | 3 ++ model-optimizer/extensions/middle/fusings.py | 16 ++------- .../extensions/middle/pass_separator.py | 16 ++------- .../middle/permute_tensor_iterator.py | 17 ++-------- .../extensions/middle/preprocessing.py | 16 ++------- .../extensions/middle/quantize_fuses.py | 16 ++------- .../extensions/middle/quantize_fuses_test.py | 17 ++-------- .../middle/reverse_tensor_iterator.py | 16 ++------- .../extensions/middle/sparse_reshape.py | 17 ++-------- .../extensions/middle/sparse_reshape_test.py | 16 ++------- .../middle/split_tdnn_memoryoffset.py | 17 ++-------- model-optimizer/extensions/ops/BN.py | 17 ++-------- .../extensions/ops/BatchNormInference.py | 17 ++-------- model-optimizer/extensions/ops/BlockLSTM.py | 17 ++-------- model-optimizer/extensions/ops/Cast.py | 16 ++------- model-optimizer/extensions/ops/ConvertLike.py | 17 ++-------- .../extensions/ops/DetectionOutput.py | 16 ++------- model-optimizer/extensions/ops/Enter.py | 17 ++-------- model-optimizer/extensions/ops/Exit.py | 17 ++-------- .../extensions/ops/ExtractImagePatches.py | 17 ++-------- .../ops/ExtractImagePatches_test.py | 17 ++-------- model-optimizer/extensions/ops/GRU.py | 16 ++------- model-optimizer/extensions/ops/GRUCell.py | 16 ++------- model-optimizer/extensions/ops/GatherTree.py | 17 ++-------- model-optimizer/extensions/ops/LSTM.py | 16 ++------- .../extensions/ops/LookupTableInsert.py | 17 ++-------- .../extensions/ops/LookupTableInsert_test.py | 17 ++-------- model-optimizer/extensions/ops/MatMul.py | 17 ++-------- model-optimizer/extensions/ops/MatMul_test.py | 17 ++-------- .../ops/MatMul_value_propagation_test.py | 17 ++-------- .../extensions/ops/NextIteration.py | 17 ++-------- .../extensions/ops/ONNXResize10.py | 18 ++-------- .../extensions/ops/ONNXResize11.py | 17 ++-------- .../extensions/ops/ONNXResize11_test.py | 17 ++-------- model-optimizer/extensions/ops/RNN.py | 16 ++------- model-optimizer/extensions/ops/RNNCell.py | 16 ++------- model-optimizer/extensions/ops/ReduceOps.py | 17 ++-------- .../extensions/ops/ReduceOps_test.py | 17 ++-------- model-optimizer/extensions/ops/Reverse.py | 17 ++-------- .../extensions/ops/Reverse_test.py | 17 ++-------- model-optimizer/extensions/ops/TFResize.py | 17 ++-------- model-optimizer/extensions/ops/TensorArray.py | 17 ++-------- .../extensions/ops/TensorArrayGather.py | 17 ++-------- .../extensions/ops/TensorArrayRead.py | 17 ++-------- .../extensions/ops/TensorArrayScatter.py | 17 ++-------- .../extensions/ops/TensorArraySize.py | 17 ++-------- .../extensions/ops/TensorArrayWrite.py | 17 ++-------- .../extensions/ops/TensorIterator_ops.py | 17 ++-------- model-optimizer/extensions/ops/__init__.py | 3 ++ model-optimizer/extensions/ops/accum.py | 17 ++-------- model-optimizer/extensions/ops/accum_test.py | 17 ++-------- .../extensions/ops/activation_ops.py | 17 ++-------- .../extensions/ops/activation_test.py | 17 ++-------- .../extensions/ops/adaptive_avg_pooling.py | 17 ++-------- model-optimizer/extensions/ops/argmax.py | 17 ++-------- model-optimizer/extensions/ops/argmax_test.py | 17 ++-------- model-optimizer/extensions/ops/assert_op.py | 17 ++-------- model-optimizer/extensions/ops/assert_test.py | 16 ++------- model-optimizer/extensions/ops/aten.py | 17 ++-------- model-optimizer/extensions/ops/axpy.py | 17 ++-------- .../extensions/ops/binarization.py | 17 ++-------- model-optimizer/extensions/ops/box_nms.py | 17 ++-------- model-optimizer/extensions/ops/bucketize.py | 17 ++-------- .../extensions/ops/bucketize_test.py | 17 ++-------- model-optimizer/extensions/ops/cast_test.py | 17 ++-------- .../extensions/ops/constant_fill.py | 17 ++-------- model-optimizer/extensions/ops/copyop.py | 17 ++-------- model-optimizer/extensions/ops/correlation.py | 17 ++-------- .../extensions/ops/correlation_test.py | 17 ++-------- .../extensions/ops/ctc_greedy_decoder.py | 17 ++-------- .../ops/ctc_greedy_decoder_seq_len.py | 17 ++-------- .../extensions/ops/ctc_greedy_decoder_test.py | 17 ++-------- model-optimizer/extensions/ops/ctc_loss.py | 17 ++-------- .../extensions/ops/ctc_loss_test.py | 17 ++-------- model-optimizer/extensions/ops/cumsum.py | 16 ++------- model-optimizer/extensions/ops/cumsum_test.py | 17 ++-------- .../extensions/ops/data_augmentation.py | 17 ++-------- .../extensions/ops/data_augmentation_test.py | 17 ++-------- .../extensions/ops/depth_to_space.py | 17 ++-------- .../extensions/ops/depth_to_space_test.py | 17 ++-------- .../extensions/ops/dequantize_linear.py | 17 ++-------- .../extensions/ops/detectionoutput_onnx.py | 17 ++-------- .../ops/div_value_propagation_test.py | 17 ++-------- model-optimizer/extensions/ops/elementwise.py | 17 ++-------- .../extensions/ops/elementwise_test.py | 17 ++-------- .../extensions/ops/embedding_bag.py | 17 ++-------- .../extensions/ops/embedding_bag_test.py | 17 ++-------- model-optimizer/extensions/ops/fake_output.py | 16 ++------- .../extensions/ops/fakequantize.py | 17 ++-------- model-optimizer/extensions/ops/gather.py | 17 ++-------- model-optimizer/extensions/ops/gather_test.py | 17 ++-------- .../extensions/ops/gatherelements.py | 17 ++-------- .../extensions/ops/gatherelements_test.py | 17 ++-------- model-optimizer/extensions/ops/gathernd.py | 17 ++-------- .../extensions/ops/gathernd_test.py | 17 ++-------- model-optimizer/extensions/ops/gelu.py | 17 ++-------- model-optimizer/extensions/ops/grn.py | 17 ++-------- model-optimizer/extensions/ops/grn_test.py | 17 ++-------- .../extensions/ops/hard_sigmoid.py | 17 ++-------- model-optimizer/extensions/ops/identity.py | 16 ++------- .../extensions/ops/instance_normalization.py | 17 ++-------- .../ops/instance_normalization_test.py | 17 ++-------- model-optimizer/extensions/ops/interp.py | 17 ++-------- model-optimizer/extensions/ops/interpolate.py | 18 ++-------- .../extensions/ops/interpolate_test.py | 18 ++-------- model-optimizer/extensions/ops/loop.py | 16 ++------- model-optimizer/extensions/ops/lstm_cell.py | 17 ++-------- .../extensions/ops/lstm_sequence.py | 17 ++-------- model-optimizer/extensions/ops/merge.py | 17 ++-------- model-optimizer/extensions/ops/merge_test.py | 17 ++-------- model-optimizer/extensions/ops/mvn.py | 16 ++------- model-optimizer/extensions/ops/mxrepeat.py | 17 ++-------- model-optimizer/extensions/ops/mxreshape.py | 17 ++-------- .../extensions/ops/non_max_suppression.py | 16 ++------- .../ops/non_max_suppression_test.py | 17 ++-------- model-optimizer/extensions/ops/non_zero.py | 17 ++-------- model-optimizer/extensions/ops/normalize.py | 17 ++-------- .../extensions/ops/normalize_l2.py | 16 ++------- .../extensions/ops/normalize_test.py | 17 ++-------- model-optimizer/extensions/ops/one_hot.py | 16 ++------- .../extensions/ops/one_hot_test.py | 17 ++-------- model-optimizer/extensions/ops/pack.py | 17 ++-------- model-optimizer/extensions/ops/parameter.py | 17 ++-------- model-optimizer/extensions/ops/pnorm.py | 17 ++-------- model-optimizer/extensions/ops/power_file.py | 17 ++-------- .../extensions/ops/prediction_heatmap.py | 17 ++-------- model-optimizer/extensions/ops/prelu.py | 17 ++-------- model-optimizer/extensions/ops/priorbox.py | 17 ++-------- .../extensions/ops/priorbox_clustered.py | 17 ++-------- .../extensions/ops/priorbox_clustered_test.py | 17 ++-------- .../extensions/ops/priorbox_test.py | 17 ++-------- .../extensions/ops/priorgridgenerator_onnx.py | 17 ++-------- model-optimizer/extensions/ops/proposal.py | 17 ++-------- .../extensions/ops/proposal_onnx.py | 17 ++-------- .../extensions/ops/proposal_python_example.py | 17 ++-------- .../extensions/ops/proposal_test.py | 17 ++-------- .../extensions/ops/psroipooling.py | 17 ++-------- .../extensions/ops/psroipooling_test.py | 17 ++-------- .../extensions/ops/quantize_linear.py | 17 ++-------- .../extensions/ops/quantize_test.py | 17 ++-------- model-optimizer/extensions/ops/range.py | 17 ++-------- model-optimizer/extensions/ops/rank.py | 16 ++------- model-optimizer/extensions/ops/regionyolo.py | 17 ++-------- .../extensions/ops/regionyolo_test.py | 17 ++-------- model-optimizer/extensions/ops/reorgyolo.py | 17 ++-------- .../extensions/ops/reorgyolo_test.py | 17 ++-------- model-optimizer/extensions/ops/resize.py | 16 ++------- .../extensions/ops/resize_factor_utils.py | 17 ++-------- .../extensions/ops/reverse_sequence.py | 17 ++-------- model-optimizer/extensions/ops/roialign.py | 16 ++------- .../ops/roifeatureextractor_onnx.py | 17 ++-------- model-optimizer/extensions/ops/scatter.py | 17 ++-------- .../extensions/ops/scatter_test.py | 17 ++-------- model-optimizer/extensions/ops/scatternd.py | 17 ++-------- .../extensions/ops/scatternd_test.py | 17 ++-------- model-optimizer/extensions/ops/select.py | 17 ++-------- model-optimizer/extensions/ops/select_test.py | 17 ++-------- .../extensions/ops/shufflechannel.py | 16 ++------- model-optimizer/extensions/ops/simplernms.py | 17 ++-------- .../extensions/ops/simplernms_test.py | 17 ++-------- model-optimizer/extensions/ops/size.py | 17 ++-------- model-optimizer/extensions/ops/slice_like.py | 16 ++------- .../extensions/ops/slice_like_test.py | 16 ++------- .../extensions/ops/space_to_depth.py | 17 ++-------- .../extensions/ops/space_to_depth_test.py | 17 ++-------- .../extensions/ops/sparse_fill_empty_rows.py | 17 ++-------- .../ops/sparse_fill_empty_rows_test.py | 17 ++-------- .../extensions/ops/sparse_reshape.py | 17 ++-------- .../extensions/ops/sparse_reshape_test.py | 17 ++-------- .../extensions/ops/sparse_segment_mean.py | 17 ++-------- .../ops/sparse_segment_mean_test.py | 17 ++-------- .../extensions/ops/sparse_segment_sqrtn.py | 17 ++-------- .../ops/sparse_segment_sqrtn_test.py | 17 ++-------- .../extensions/ops/sparse_segment_sum.py | 17 ++-------- .../extensions/ops/sparse_segment_sum_test.py | 17 ++-------- .../extensions/ops/spatial_transformer.py | 17 ++-------- .../ops/spatial_transformer_test.py | 17 ++-------- model-optimizer/extensions/ops/splice.py | 17 ++-------- model-optimizer/extensions/ops/split.py | 17 ++-------- model-optimizer/extensions/ops/split_test.py | 17 ++-------- .../extensions/ops/stop_gradient.py | 17 ++-------- model-optimizer/extensions/ops/swapaxis.py | 17 ++-------- model-optimizer/extensions/ops/switch.py | 17 ++-------- model-optimizer/extensions/ops/switch_test.py | 17 ++-------- .../extensions/ops/tensor_iterator.py | 16 ++------- model-optimizer/extensions/ops/topk.py | 17 ++-------- model-optimizer/extensions/ops/topk_test.py | 17 ++-------- .../extensions/ops/topkrois_onnx.py | 17 ++-------- model-optimizer/extensions/ops/transpose.py | 17 ++-------- .../extensions/ops/transpose_test.py | 17 ++-------- model-optimizer/extensions/ops/unique.py | 17 ++-------- model-optimizer/extensions/ops/unique_test.py | 17 ++-------- model-optimizer/extensions/ops/upsample.py | 17 ++-------- .../extensions/ops/upsample_test.py | 17 ++-------- model-optimizer/mo.py | 17 ++-------- model-optimizer/mo/__init__.py | 3 ++ model-optimizer/mo/back/__init__.py | 3 ++ .../mo/back/ie_ir_ver_2/__init__.py | 3 ++ .../mo/back/ie_ir_ver_2/emitter.py | 17 ++-------- .../mo/back/ie_ir_ver_2/emitter_test.py | 17 ++-------- .../mo/back/offline_transformations.py | 18 ++-------- model-optimizer/mo/back/replacement.py | 17 ++-------- model-optimizer/mo/bom_test.py | 34 +++---------------- model-optimizer/mo/front/__init__.py | 3 ++ model-optimizer/mo/front/caffe/__init__.py | 3 ++ .../mo/front/caffe/collect_attributes.py | 16 ++------- .../mo/front/caffe/custom_layers_mapping.py | 16 ++------- .../front/caffe/custom_layers_mapping_test.py | 16 ++------- model-optimizer/mo/front/caffe/extractor.py | 17 ++-------- .../mo/front/caffe/extractor_test.py | 17 ++-------- .../mo/front/caffe/extractors/__init__.py | 3 ++ .../mo/front/caffe/extractors/native_caffe.py | 17 ++-------- .../mo/front/caffe/extractors/tile.py | 17 ++-------- .../mo/front/caffe/extractors/utils.py | 17 ++-------- .../mo/front/caffe/extractors/utils_test.py | 17 ++-------- model-optimizer/mo/front/caffe/loader.py | 17 ++-------- model-optimizer/mo/front/caffe/loader_test.py | 17 ++-------- .../mo/front/caffe/proto/__init__.py | 3 ++ .../front/caffe/proto/generate_caffe_pb2.py | 17 ++-------- .../mo/front/caffe/python_layer_extractor.py | 16 ++------- .../caffe/python_layer_extractor_test.py | 17 ++-------- .../mo/front/caffe/register_custom_ops.py | 17 ++-------- model-optimizer/mo/front/common/__init__.py | 3 ++ .../common/custom_replacement_registry.py | 17 ++-------- .../mo/front/common/extractors/utils.py | 17 ++-------- .../mo/front/common/find_unsupported_ops.py | 17 ++-------- model-optimizer/mo/front/common/layout.py | 17 ++-------- .../mo/front/common/layout_test.py | 17 ++-------- .../mo/front/common/partial_infer/__init__.py | 3 ++ .../front/common/partial_infer/batch_norm.py | 17 ++-------- .../common/partial_infer/caffe_fallback.py | 17 ++-------- .../partial_infer/caffe_fallback_test.py | 17 ++-------- .../mo/front/common/partial_infer/concat.py | 17 ++-------- .../front/common/partial_infer/concat_test.py | 17 ++-------- .../mo/front/common/partial_infer/crop.py | 17 ++-------- .../front/common/partial_infer/crop_test.py | 17 ++-------- .../front/common/partial_infer/elemental.py | 18 ++-------- .../common/partial_infer/elemental_test.py | 17 ++-------- .../mo/front/common/partial_infer/eltwise.py | 17 ++-------- .../common/partial_infer/eltwise_test.py | 17 ++-------- .../partial_infer/multi_box_detection.py | 17 ++-------- .../partial_infer/multi_box_detection_test.py | 17 ++-------- .../common/partial_infer/multi_box_prior.py | 17 ++-------- .../partial_infer/multi_box_prior_test.py | 17 ++-------- .../common/partial_infer/random_uniform.py | 16 ++------- .../mo/front/common/partial_infer/reshape.py | 17 ++-------- .../front/common/partial_infer/roipooling.py | 17 ++-------- .../common/partial_infer/roipooling_test.py | 17 ++-------- .../mo/front/common/partial_infer/utils.py | 17 ++-------- .../mo/front/common/register_custom_ops.py | 17 ++-------- .../mo/front/common/replacement.py | 16 ++------- model-optimizer/mo/front/common/weights.py | 16 ++------- model-optimizer/mo/front/extractor.py | 16 ++------- model-optimizer/mo/front/extractor_test.py | 17 ++-------- model-optimizer/mo/front/kaldi/__init__.py | 3 ++ model-optimizer/mo/front/kaldi/extractor.py | 17 ++-------- .../mo/front/kaldi/extractors/__init__.py | 3 ++ .../mo/front/kaldi/extractors/add_ext.py | 16 ++------- .../front/kaldi/extractors/add_shift_ext.py | 16 ++------- .../kaldi/extractors/add_shift_ext_test.py | 17 ++-------- .../kaldi/extractors/affine_component_ext.py | 16 ++------- .../extractors/affine_component_ext_test.py | 17 ++-------- ...ine_component_preconditioned_online_ext.py | 16 ++------- .../kaldi/extractors/affine_transform_ext.py | 16 ++------- .../extractors/affine_transform_ext_test.py | 17 ++-------- .../extractors/backproptruncation_ext.py | 16 ++------- .../extractors/batchnorm_component_ext.py | 17 ++-------- .../batchnorm_component_ext_test.py | 17 ++-------- .../kaldi/extractors/bias_component_ext.py | 17 ++-------- .../extractors/bias_component_ext_test.py | 17 ++-------- .../mo/front/kaldi/extractors/clip_ext.py | 16 ++------- .../front/kaldi/extractors/common_ext_test.py | 17 ++-------- .../mo/front/kaldi/extractors/concat_ext.py | 17 ++-------- .../front/kaldi/extractors/concat_ext_test.py | 17 ++-------- .../mo/front/kaldi/extractors/const_ext.py | 17 ++-------- .../convolutional_1d_component_ext.py | 16 ++------- .../extractors/convolutional_component_ext.py | 16 ++------- .../convolutional_component_ext_test.py | 16 ++------- .../mo/front/kaldi/extractors/copy_ext.py | 17 ++-------- .../mo/front/kaldi/extractors/crop_ext.py | 16 ++------- .../extractors/elementwise_component_ext.py | 16 ++------- .../extractors/fixed_affine_component_ext.py | 17 ++-------- .../fixed_affine_component_ext_test.py | 17 ++-------- .../kaldi/extractors/generaldropout_ext.py | 17 ++-------- .../kaldi/extractors/linear_component_ext.py | 17 ++-------- .../kaldi/extractors/lstm_nonlinearity_ext.py | 16 ++------- .../extractors/lstm_projected_streams_ext.py | 16 ++------- .../front/kaldi/extractors/max_pooling_ext.py | 16 ++------- .../kaldi/extractors/max_pooling_ext_test.py | 17 ++-------- .../kaldi/extractors/memoryoffset_ext.py | 17 ++-------- .../kaldi/extractors/memoryoffset_ext_test.py | 16 ++------- .../mo/front/kaldi/extractors/mul_ext.py | 17 ++-------- .../naturalgradient_affine_component_ext.py | 16 ++------- .../mo/front/kaldi/extractors/noop_ext.py | 16 ++------- .../extractors/normalize_component_ext.py | 17 ++-------- .../normalize_component_ext_test.py | 17 ++-------- .../kaldi/extractors/pnorm_component_ext.py | 17 ++-------- .../extractors/pnorm_component_ext_test.py | 17 ++-------- .../rectified_linear_component_ext.py | 17 ++-------- .../mo/front/kaldi/extractors/rescale_ext.py | 16 ++------- .../kaldi/extractors/rescale_ext_test.py | 17 ++-------- .../kaldi/extractors/scale_component_ext.py | 17 ++-------- .../extractors/scale_component_ext_test.py | 17 ++-------- .../mo/front/kaldi/extractors/softmax_ext.py | 16 ++------- .../extractors/specaugment_component_ext.py | 17 ++-------- .../kaldi/extractors/splice_component_ext.py | 16 ++------- .../kaldi/extractors/tdnncomponent_ext.py | 17 ++-------- .../mo/front/kaldi/loader/__init__.py | 3 ++ .../mo/front/kaldi/loader/loader.py | 17 ++-------- .../mo/front/kaldi/loader/loader_test.py | 16 ++------- .../mo/front/kaldi/loader/utils.py | 17 ++-------- .../mo/front/kaldi/loader/utils_test.py | 17 ++-------- .../mo/front/kaldi/register_custom_ops.py | 16 ++------- model-optimizer/mo/front/kaldi/utils.py | 16 ++------- model-optimizer/mo/front/mxnet/__init__.py | 3 ++ model-optimizer/mo/front/mxnet/extractor.py | 17 ++-------- .../mo/front/mxnet/extractors/__init__.py | 3 ++ .../mo/front/mxnet/extractors/add_n.py | 18 ++-------- .../mo/front/mxnet/extractors/batchnorm.py | 17 ++-------- .../mo/front/mxnet/extractors/concat.py | 17 ++-------- .../mxnet/extractors/l2_normalization.py | 16 ++------- .../front/mxnet/extractors/multibox_prior.py | 17 ++-------- .../mxnet/extractors/multibox_prior_test.py | 17 ++-------- .../mo/front/mxnet/extractors/relu.py | 17 ++-------- .../mo/front/mxnet/extractors/relu_test.py | 17 ++-------- .../mo/front/mxnet/extractors/scaleshift.py | 17 ++-------- .../mo/front/mxnet/extractors/slice_axis.py | 17 ++-------- .../front/mxnet/extractors/slice_axis_test.py | 17 ++-------- .../mo/front/mxnet/extractors/utils.py | 17 ++-------- .../mo/front/mxnet/extractors/utils_test.py | 17 ++-------- model-optimizer/mo/front/mxnet/loader.py | 17 ++-------- model-optimizer/mo/front/mxnet/loader_test.py | 17 ++-------- .../mo/front/mxnet/nd_to_params.py | 17 ++-------- .../mo/front/mxnet/register_custom_ops.py | 17 ++-------- model-optimizer/mo/front/onnx/__init__.py | 3 ++ model-optimizer/mo/front/onnx/extractor.py | 17 ++-------- .../mo/front/onnx/extractors/__init__.py | 3 ++ .../mo/front/onnx/extractors/utils.py | 17 ++-------- model-optimizer/mo/front/onnx/loader.py | 16 ++------- .../mo/front/onnx/register_custom_ops.py | 17 ++-------- model-optimizer/mo/front/subgraph_matcher.py | 16 ++------- model-optimizer/mo/front/tf/__init__.py | 3 ++ model-optimizer/mo/front/tf/common.py | 17 ++-------- .../mo/front/tf/custom_subgraph_call.py | 17 ++-------- model-optimizer/mo/front/tf/extractor.py | 17 ++-------- .../mo/front/tf/extractors/__init__.py | 3 ++ .../mo/front/tf/extractors/concat.py | 17 ++-------- .../mo/front/tf/extractors/concat_test.py | 17 ++-------- .../mo/front/tf/extractors/fused_bn.py | 16 ++------- .../mo/front/tf/extractors/identity.py | 17 ++-------- .../mo/front/tf/extractors/identity_test.py | 17 ++-------- .../mo/front/tf/extractors/native_tf.py | 17 ++-------- .../mo/front/tf/extractors/pack.py | 17 ++-------- .../mo/front/tf/extractors/random_uniform.py | 17 ++-------- .../mo/front/tf/extractors/strided_slice.py | 16 ++------- .../mo/front/tf/extractors/utils.py | 17 ++-------- .../mo/front/tf/extractors/utils_test.py | 17 ++-------- model-optimizer/mo/front/tf/graph_utils.py | 17 ++-------- model-optimizer/mo/front/tf/loader.py | 17 ++-------- model-optimizer/mo/front/tf/loader_test.py | 17 ++-------- .../mo/front/tf/partial_infer/__init__.py | 3 ++ .../mo/front/tf/partial_infer/tf.py | 17 ++-------- .../mo/front/tf/register_custom_ops.py | 17 ++-------- model-optimizer/mo/front/tf/replacement.py | 16 ++------- model-optimizer/mo/graph/__init__.py | 3 ++ model-optimizer/mo/graph/connection.py | 17 ++-------- model-optimizer/mo/graph/connection_test.py | 17 ++-------- model-optimizer/mo/graph/graph.py | 16 ++------- model-optimizer/mo/graph/graph_test.py | 17 ++-------- model-optimizer/mo/graph/perm_inputs.py | 16 ++------- model-optimizer/mo/graph/port.py | 16 ++------- model-optimizer/mo/graph/port_test.py | 17 ++-------- model-optimizer/mo/main.py | 17 ++-------- model-optimizer/mo/main_test.py | 17 ++-------- model-optimizer/mo/middle/__init__.py | 3 ++ model-optimizer/mo/middle/passes/__init__.py | 3 ++ model-optimizer/mo/middle/passes/conv.py | 17 ++-------- .../mo/middle/passes/convert_data_type.py | 17 ++-------- .../middle/passes/convert_data_type_test.py | 17 ++-------- model-optimizer/mo/middle/passes/debug.py | 17 ++-------- model-optimizer/mo/middle/passes/eliminate.py | 16 ++------- .../mo/middle/passes/eliminate_test.py | 17 ++-------- .../mo/middle/passes/fusing/__init__.py | 3 ++ .../mo/middle/passes/fusing/decomposition.py | 17 ++-------- .../passes/fusing/decomposition_test.py | 17 ++-------- .../middle/passes/fusing/fuse_grouped_conv.py | 17 ++-------- .../middle/passes/fusing/fuse_linear_ops.py | 17 ++-------- .../passes/fusing/fuse_linear_ops_test.py | 17 ++-------- .../middle/passes/fusing/fuse_linear_seq.py | 17 ++-------- .../passes/fusing/fuse_linear_seq_test.py | 17 ++-------- .../mo/middle/passes/fusing/helpers.py | 17 ++-------- .../mo/middle/passes/fusing/helpers_test.py | 17 ++-------- .../passes/fusing/mark_unfused_nodes.py | 17 ++-------- .../passes/fusing/mark_unfused_nodes_test.py | 17 ++-------- .../passes/fusing/resnet_optimization.py | 17 ++-------- .../passes/fusing/resnet_optimization_test.py | 17 ++-------- model-optimizer/mo/middle/passes/infer.py | 17 ++-------- .../mo/middle/passes/infer_test.py | 17 ++-------- .../mo/middle/passes/tensor_names.py | 18 ++-------- model-optimizer/mo/middle/pattern_match.py | 17 ++-------- model-optimizer/mo/middle/replacement.py | 17 ++-------- model-optimizer/mo/ops/__init__.py | 3 ++ model-optimizer/mo/ops/activation.py | 17 ++-------- model-optimizer/mo/ops/assign.py | 16 ++------- model-optimizer/mo/ops/broadcast.py | 17 ++-------- model-optimizer/mo/ops/broadcast_test.py | 17 ++-------- model-optimizer/mo/ops/clamp.py | 16 ++------- model-optimizer/mo/ops/concat.py | 17 ++-------- model-optimizer/mo/ops/concat_test.py | 17 ++-------- model-optimizer/mo/ops/const.py | 17 ++-------- model-optimizer/mo/ops/constant_of_shape.py | 17 ++-------- model-optimizer/mo/ops/convolution.py | 17 ++-------- model-optimizer/mo/ops/convolution_test.py | 17 ++-------- model-optimizer/mo/ops/crop.py | 17 ++-------- model-optimizer/mo/ops/crop_test.py | 17 ++-------- model-optimizer/mo/ops/deconvolution.py | 17 ++-------- .../mo/ops/deformable_convolution.py | 17 ++-------- model-optimizer/mo/ops/eltwise.py | 17 ++-------- model-optimizer/mo/ops/eltwise_n.py | 17 ++-------- .../mo/ops/eltwise_ninputs_in_1.py | 17 ++-------- model-optimizer/mo/ops/expand_dims.py | 17 ++-------- model-optimizer/mo/ops/expand_dims_test.py | 17 ++-------- model-optimizer/mo/ops/fill.py | 17 ++-------- model-optimizer/mo/ops/flatten.py | 17 ++-------- model-optimizer/mo/ops/group_norm.py | 17 ++-------- model-optimizer/mo/ops/log_softmax.py | 18 ++-------- model-optimizer/mo/ops/lrn.py | 17 ++-------- model-optimizer/mo/ops/lstmnonlinearity.py | 17 ++-------- model-optimizer/mo/ops/memory.py | 17 ++-------- model-optimizer/mo/ops/memoryoffset.py | 17 ++-------- model-optimizer/mo/ops/op.py | 17 ++-------- model-optimizer/mo/ops/pad.py | 16 ++------- model-optimizer/mo/ops/pad_test.py | 17 ++-------- model-optimizer/mo/ops/permute.py | 16 ++------- model-optimizer/mo/ops/pooling.py | 17 ++-------- model-optimizer/mo/ops/pooling_test.py | 17 ++-------- model-optimizer/mo/ops/power.py | 16 ++------- model-optimizer/mo/ops/read_value.py | 16 ++------- model-optimizer/mo/ops/reshape.py | 16 ++------- model-optimizer/mo/ops/result.py | 17 ++-------- model-optimizer/mo/ops/roipooling.py | 17 ++-------- model-optimizer/mo/ops/scale_shift.py | 17 ++-------- model-optimizer/mo/ops/shape.py | 17 ++-------- model-optimizer/mo/ops/slice.py | 17 ++-------- model-optimizer/mo/ops/slice_test.py | 16 ++------- model-optimizer/mo/ops/softmax.py | 17 ++-------- model-optimizer/mo/ops/space_to_batch.py | 17 ++-------- model-optimizer/mo/ops/squeeze.py | 17 ++-------- model-optimizer/mo/ops/squeeze_test.py | 16 ++------- model-optimizer/mo/ops/strided_slice.py | 17 ++-------- model-optimizer/mo/ops/strided_slice_test.py | 16 ++------- model-optimizer/mo/ops/tdnncomponent.py | 17 ++-------- model-optimizer/mo/ops/tile.py | 17 ++-------- model-optimizer/mo/ops/tile_test.py | 17 ++-------- model-optimizer/mo/ops/unsqueeze.py | 17 ++-------- model-optimizer/mo/ops/unsqueeze_test.py | 17 ++-------- model-optimizer/mo/pipeline/__init__.py | 3 ++ model-optimizer/mo/pipeline/common.py | 17 ++-------- model-optimizer/mo/pipeline/common_test.py | 17 ++-------- model-optimizer/mo/pipeline/unified.py | 16 ++------- model-optimizer/mo/utils/__init__.py | 3 ++ model-optimizer/mo/utils/broadcasting.py | 16 ++------- model-optimizer/mo/utils/broadcasting_test.py | 16 ++------- model-optimizer/mo/utils/check_ie_bindings.py | 17 ++-------- .../mo/utils/class_registration.py | 16 ++------- model-optimizer/mo/utils/cli_parser.py | 16 ++------- model-optimizer/mo/utils/cli_parser_test.py | 16 ++------- model-optimizer/mo/utils/convert.py | 19 ++--------- .../mo/utils/custom_replacement_config.py | 17 ++-------- model-optimizer/mo/utils/dsu.py | 17 ++-------- model-optimizer/mo/utils/error.py | 16 ++------- model-optimizer/mo/utils/error_test.py | 17 ++-------- .../mo/utils/extract_release_version.py | 17 ++-------- model-optimizer/mo/utils/find_ie_version.py | 17 ++-------- model-optimizer/mo/utils/find_inputs.py | 17 ++-------- .../mo/utils/get_ov_update_message.py | 17 ++-------- model-optimizer/mo/utils/graph.py | 17 ++-------- model-optimizer/mo/utils/graph_test.py | 17 ++-------- model-optimizer/mo/utils/guess_framework.py | 17 ++-------- model-optimizer/mo/utils/ie_version.py | 18 ++-------- model-optimizer/mo/utils/import_extensions.py | 17 ++-------- .../mo/utils/ir_engine/__init__.py | 3 ++ .../mo/utils/ir_engine/compare_graphs.py | 17 ++-------- .../mo/utils/ir_engine/ir_engine.py | 17 ++-------- .../mo/utils/ir_engine/ir_engine_test.py | 16 ++------- .../mo/utils/ir_reader/__init__.py | 3 ++ .../mo/utils/ir_reader/extender.py | 17 ++-------- .../extenders/ExtractImagePatches_extender.py | 17 ++-------- .../ir_reader/extenders/GRUCell_extender.py | 17 ++-------- .../ir_reader/extenders/LSTMCell_extender.py | 17 ++-------- .../ir_reader/extenders/RNNCell_extender.py | 17 ++-------- .../extenders/binary_convolution_extender.py | 17 ++-------- .../ir_reader/extenders/bucketize_extender.py | 16 ++------- .../ir_reader/extenders/conv_extender.py | 17 ++-------- .../ir_reader/extenders/convert_extender.py | 17 ++-------- .../ctc_greedy_decoder_seq_len_extender.py | 17 ++-------- .../extenders/deconvolution_extender.py | 17 ++-------- .../deformable_convolution_extender.py | 17 ++-------- .../extenders/experimental_extender.py | 17 ++-------- .../extenders/fakequantize_extender.py | 17 ++-------- .../extenders/interpolate_extender.py | 17 ++-------- .../ir_reader/extenders/loop_extender.py | 17 ++-------- .../extenders/non_max_suppression_extender.py | 16 ++------- .../ir_reader/extenders/non_zero_extender.py | 16 ++------- .../utils/ir_reader/extenders/pad_extender.py | 17 ++-------- .../ir_reader/extenders/parameter_extender.py | 16 ++------- .../ir_reader/extenders/pooling_extender.py | 17 ++-------- .../extenders/priorbox_clustered_extender.py | 17 ++-------- .../ir_reader/extenders/priorbox_extender.py | 17 ++-------- .../ir_reader/extenders/range_extender.py | 16 ++------- .../extenders/reorg_yolo_extender.py | 17 ++-------- .../ir_reader/extenders/shape_of_extender.py | 16 ++------- .../extenders/strided_slice_extender.py | 17 ++-------- .../extenders/tensoriterator_extender.py | 17 ++-------- .../ir_reader/extenders/topk_extender.py | 17 ++-------- .../extenders/variadic_split_extender.py | 17 ++-------- .../mo/utils/ir_reader/layer_to_class.py | 17 ++-------- .../mo/utils/ir_reader/layer_to_class_test.py | 17 ++-------- .../mo/utils/ir_reader/restore_graph.py | 17 ++-------- model-optimizer/mo/utils/logger.py | 17 ++-------- model-optimizer/mo/utils/model_analysis.py | 16 ++------- model-optimizer/mo/utils/pipeline_config.py | 16 ++------- .../mo/utils/pipeline_config_test.py | 17 ++-------- .../mo/utils/replacement_pattern.py | 17 ++-------- model-optimizer/mo/utils/shape.py | 17 ++-------- .../mo/utils/simple_proto_parser.py | 17 ++-------- .../mo/utils/simple_proto_parser_test.py | 17 ++-------- model-optimizer/mo/utils/str_to.py | 17 ++-------- model-optimizer/mo/utils/summarize_graph.py | 17 ++-------- .../mo/utils/summarize_graph_test.py | 17 ++-------- model-optimizer/mo/utils/tensorboard_util.py | 17 ++-------- .../mo/utils/unittest/extractors.py | 17 ++-------- model-optimizer/mo/utils/unittest/graph.py | 16 ++------- model-optimizer/mo/utils/unsupported_ops.py | 17 ++-------- model-optimizer/mo/utils/utils.py | 16 ++------- model-optimizer/mo/utils/utils_test.py | 17 ++-------- model-optimizer/mo/utils/version.py | 16 ++------- model-optimizer/mo/utils/version_test.py | 17 ++-------- model-optimizer/mo/utils/versions_checker.py | 18 ++-------- .../mo/utils/versions_checker_test.py | 17 ++-------- model-optimizer/mo_caffe.py | 17 ++-------- model-optimizer/mo_kaldi.py | 17 ++-------- model-optimizer/mo_mxnet.py | 17 ++-------- model-optimizer/mo_onnx.py | 17 ++-------- model-optimizer/mo_tf.py | 17 ++-------- model-optimizer/setup.py | 17 ++-------- model-optimizer/telemetry/__init__.py | 3 ++ model-optimizer/telemetry/backend/__init__.py | 3 ++ model-optimizer/telemetry/backend/backend.py | 17 ++-------- .../telemetry/backend/backend_ga.py | 16 ++------- model-optimizer/telemetry/telemetry.py | 16 ++------- model-optimizer/telemetry/utils/__init__.py | 3 ++ model-optimizer/telemetry/utils/guid.py | 17 ++-------- model-optimizer/telemetry/utils/isip.py | 16 ++------- model-optimizer/telemetry/utils/message.py | 17 ++-------- model-optimizer/telemetry/utils/sender.py | 16 ++------- .../telemetry/utils/sender_test.py | 17 ++-------- ngraph/python/setup.py | 17 ++-------- ngraph/python/src/ngraph/__init__.py | 18 ++-------- ngraph/python/src/ngraph/exceptions.py | 18 ++-------- ngraph/python/src/ngraph/helpers.py | 18 ++-------- ngraph/python/src/ngraph/impl/__init__.py | 18 ++-------- ngraph/python/src/ngraph/impl/op/__init__.py | 18 ++-------- .../src/ngraph/impl/op/util/__init__.py | 18 ++-------- .../python/src/ngraph/impl/passes/__init__.py | 18 ++-------- ngraph/python/src/ngraph/opset1/__init__.py | 18 ++-------- ngraph/python/src/ngraph/opset1/ops.py | 17 ++-------- ngraph/python/src/ngraph/opset2/__init__.py | 18 ++-------- ngraph/python/src/ngraph/opset2/ops.py | 17 ++-------- ngraph/python/src/ngraph/opset3/__init__.py | 18 ++-------- ngraph/python/src/ngraph/opset3/ops.py | 17 ++-------- ngraph/python/src/ngraph/opset4/__init__.py | 18 ++-------- ngraph/python/src/ngraph/opset4/ops.py | 17 ++-------- ngraph/python/src/ngraph/opset5/__init__.py | 18 ++-------- ngraph/python/src/ngraph/opset5/ops.py | 17 ++-------- ngraph/python/src/ngraph/opset6/__init__.py | 18 ++-------- ngraph/python/src/ngraph/opset6/ops.py | 17 ++-------- ngraph/python/src/ngraph/opset7/__init__.py | 18 ++-------- ngraph/python/src/ngraph/opset7/ops.py | 17 ++-------- ngraph/python/src/ngraph/opset_utils.py | 17 ++-------- ngraph/python/src/ngraph/utils/__init__.py | 18 ++-------- .../python/src/ngraph/utils/broadcasting.py | 18 ++-------- ngraph/python/src/ngraph/utils/decorators.py | 18 ++-------- .../src/ngraph/utils/input_validation.py | 17 ++-------- .../python/src/ngraph/utils/node_factory.py | 3 ++ ngraph/python/src/ngraph/utils/reduction.py | 17 ++-------- .../src/ngraph/utils/tensor_iterator_types.py | 18 ++-------- ngraph/python/src/ngraph/utils/types.py | 18 ++-------- ngraph/python/src/pyngraph/util.py | 18 ++-------- ngraph/python/tests/__init__.py | 18 ++-------- ngraph/python/tests/conftest.py | 18 ++-------- ngraph/python/tests/runtime.py | 19 +++-------- ngraph/python/tests/test_ngraph/__init__.py | 3 ++ ngraph/python/tests/test_ngraph/test_basic.py | 18 ++-------- .../tests/test_ngraph/test_convolution.py | 17 ++-------- ngraph/python/tests/test_ngraph/test_core.py | 18 ++-------- .../tests/test_ngraph/test_create_op.py | 18 ++-------- .../python/tests/test_ngraph/test_ctc_loss.py | 18 ++-------- .../tests/test_ngraph/test_data_movement.py | 18 ++-------- .../tests/test_ngraph/test_dyn_attributes.py | 18 ++-------- .../test_ngraph/test_input_validation.py | 18 ++-------- .../tests/test_ngraph/test_log_softmax.py | 18 ++-------- .../python/tests/test_ngraph/test_manager.py | 19 +++-------- .../tests/test_ngraph/test_node_factory.py | 18 ++-------- .../tests/test_ngraph/test_normalization.py | 17 ++-------- ngraph/python/tests/test_ngraph/test_ops.py | 19 +++-------- .../tests/test_ngraph/test_ops_binary.py | 18 ++-------- .../tests/test_ngraph/test_ops_fused.py | 18 ++-------- .../tests/test_ngraph/test_ops_matmul.py | 18 ++-------- .../tests/test_ngraph/test_ops_multioutput.py | 18 ++-------- .../tests/test_ngraph/test_ops_reshape.py | 18 ++-------- .../tests/test_ngraph/test_ops_scatter.py | 18 ++-------- .../tests/test_ngraph/test_ops_unary.py | 18 ++-------- .../python/tests/test_ngraph/test_pooling.py | 18 ++-------- .../python/tests/test_ngraph/test_proposal.py | 18 ++-------- .../tests/test_ngraph/test_reduction.py | 18 ++-------- .../test_ngraph/test_sequence_processing.py | 18 ++-------- ngraph/python/tests/test_ngraph/test_swish.py | 18 ++-------- ngraph/python/tests/test_ngraph/util.py | 17 ++-------- ngraph/python/tests/test_onnx/__init__.py | 2 ++ ngraph/python/tests/test_onnx/test_backend.py | 17 ++-------- .../test_onnx/test_onnx_external_data.py | 17 ++-------- .../tests/test_onnx/test_onnx_import.py | 17 ++-------- .../tests/test_onnx/test_ops_batchnorm.py | 17 ++-------- .../python/tests/test_onnx/test_ops_binary.py | 18 ++-------- .../tests/test_onnx/test_ops_convpool.py | 18 ++-------- .../tests/test_onnx/test_ops_logical.py | 18 ++-------- .../python/tests/test_onnx/test_ops_matmul.py | 18 ++-------- .../tests/test_onnx/test_ops_nonlinear.py | 18 ++-------- .../tests/test_onnx/test_ops_reduction.py | 18 ++-------- .../tests/test_onnx/test_ops_reshape.py | 18 ++-------- .../python/tests/test_onnx/test_ops_unary.py | 18 ++-------- .../tests/test_onnx/test_ops_variadic.py | 18 ++-------- .../python/tests/test_onnx/test_zoo_models.py | 17 ++-------- .../python/tests/test_onnx/utils/__init__.py | 17 ++-------- .../tests/test_onnx/utils/model_importer.py | 17 ++-------- .../tests/test_onnx/utils/onnx_backend.py | 18 ++-------- .../tests/test_onnx/utils/onnx_helpers.py | 18 ++-------- .../models/onnx/onnx_prototxt_converter.py | 19 +++-------- .../test/util/unit-test-execution/conftest.py | 3 ++ .../unit_test_executable.py | 3 ++ .../scripts/ccheader.py | 15 ++------ scripts/utils/create_package.py | 3 ++ scripts/utils/utils.py | 3 ++ tests/conditional_compilation/conftest.py | 3 +- tests/conditional_compilation/test_collect.py | 3 +- tests/conditional_compilation/test_infer.py | 3 +- .../test_size_tracking.py | 3 ++ .../tools/infer_tool.py | 3 +- tests/lib/__init__.py | 3 ++ tests/lib/install_pkg.py | 3 +- tests/lib/path_utils.py | 3 +- tests/lib/proc_utils.py | 3 +- tests/stress_tests/scripts/__init__.py | 3 ++ .../scripts/compare_memcheck_2_runs.py | 4 +-- tests/stress_tests/scripts/get_testdata.py | 5 ++- tests/stress_tests/scripts/memcheck_upload.py | 4 +-- tests/stress_tests/scripts/run_memcheck.py | 5 +-- tests/time_tests/scripts/run_timetest.py | 5 +-- tests/time_tests/test_runner/conftest.py | 2 +- tests/time_tests/test_runner/test_timetest.py | 4 +-- tests/time_tests/test_runner/utils.py | 4 +-- tools/benchmark/__init__.py | 16 ++------- tools/benchmark/benchmark.py | 16 ++------- tools/benchmark/main.py | 16 ++------- tools/benchmark/parameters.py | 16 ++------- tools/benchmark/utils/__init__.py | 16 ++------- tools/benchmark/utils/constants.py | 17 ++-------- tools/benchmark/utils/inputs_filling.py | 17 ++-------- tools/benchmark/utils/logging.py | 17 ++-------- tools/benchmark/utils/progress_bar.py | 17 ++-------- tools/benchmark/utils/statistics_report.py | 16 ++------- tools/benchmark/utils/utils.py | 16 ++------- 1492 files changed, 3093 insertions(+), 20659 deletions(-) diff --git a/.ci/azure/analyze_gtest_log.py b/.ci/azure/analyze_gtest_log.py index c1c84d227bc112..c1d8c64ebc4af8 100644 --- a/.ci/azure/analyze_gtest_log.py +++ b/.ci/azure/analyze_gtest_log.py @@ -1,4 +1,4 @@ -# Copyright (C) 2020 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 """ diff --git a/.ci/openvino-onnx/watchdog/src/git_wrapper.py b/.ci/openvino-onnx/watchdog/src/git_wrapper.py index b432c60b5dca0a..4b42ab7c8bb514 100644 --- a/.ci/openvino-onnx/watchdog/src/git_wrapper.py +++ b/.ci/openvino-onnx/watchdog/src/git_wrapper.py @@ -1,6 +1,6 @@ #!/usr/bin/python3 -# Copyright (C) 2018-2020 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 import logging diff --git a/.ci/openvino-onnx/watchdog/src/jenkins_wrapper.py b/.ci/openvino-onnx/watchdog/src/jenkins_wrapper.py index 5dd76177f7ad48..4abc345a08ff4b 100644 --- a/.ci/openvino-onnx/watchdog/src/jenkins_wrapper.py +++ b/.ci/openvino-onnx/watchdog/src/jenkins_wrapper.py @@ -1,6 +1,6 @@ #!/usr/bin/python3 -# Copyright (C) 2018-2020 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 import requests diff --git a/.ci/openvino-onnx/watchdog/src/main.py b/.ci/openvino-onnx/watchdog/src/main.py index 7628d5bafe3011..a0b7ae23bdf270 100644 --- a/.ci/openvino-onnx/watchdog/src/main.py +++ b/.ci/openvino-onnx/watchdog/src/main.py @@ -1,6 +1,6 @@ #!/usr/bin/python3 -# Copyright (C) 2018-2020 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 import argparse diff --git a/.ci/openvino-onnx/watchdog/src/ms_teams_communicator.py b/.ci/openvino-onnx/watchdog/src/ms_teams_communicator.py index 18cb0c55ac2a54..47765f35664486 100644 --- a/.ci/openvino-onnx/watchdog/src/ms_teams_communicator.py +++ b/.ci/openvino-onnx/watchdog/src/ms_teams_communicator.py @@ -1,6 +1,6 @@ #!/usr/bin/python3 -# Copyright (C) 2018-2020 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 import requests diff --git a/.ci/openvino-onnx/watchdog/src/watchdog.py b/.ci/openvino-onnx/watchdog/src/watchdog.py index c95050c5a10549..9c695ef22be18a 100644 --- a/.ci/openvino-onnx/watchdog/src/watchdog.py +++ b/.ci/openvino-onnx/watchdog/src/watchdog.py @@ -1,6 +1,6 @@ #!/usr/bin/python3 -# Copyright (C) 2018-2020 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 import datetime diff --git a/.github/org_control/__init__.py b/.github/org_control/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/.github/org_control/__init__.py +++ b/.github/org_control/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/.github/org_control/check_org.py b/.github/org_control/check_org.py index a67aba2cc115f4..f6858586f47ec2 100644 --- a/.github/org_control/check_org.py +++ b/.github/org_control/check_org.py @@ -1,4 +1,4 @@ -# Copyright (C) 2020 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 """ diff --git a/.github/org_control/check_pr.py b/.github/org_control/check_pr.py index e796eed6cb3afc..46107ae101b472 100644 --- a/.github/org_control/check_pr.py +++ b/.github/org_control/check_pr.py @@ -1,4 +1,4 @@ -# Copyright (C) 2020 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 """ diff --git a/.github/org_control/configs.py b/.github/org_control/configs.py index 9dd3b5fbf30cee..e0daa1a4389afb 100644 --- a/.github/org_control/configs.py +++ b/.github/org_control/configs.py @@ -1,4 +1,4 @@ -# Copyright (C) 2020 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 """ diff --git a/.github/org_control/github_api.py b/.github/org_control/github_api.py index 3dae60fa75b9a0..ddb0595104a840 100644 --- a/.github/org_control/github_api.py +++ b/.github/org_control/github_api.py @@ -1,4 +1,4 @@ -# Copyright (C) 2020 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 """ diff --git a/docs/HOWTO/mo_extensions/front/tf/Complex.py b/docs/HOWTO/mo_extensions/front/tf/Complex.py index 465608dfaba644..fa23d9b1f4df0b 100644 --- a/docs/HOWTO/mo_extensions/front/tf/Complex.py +++ b/docs/HOWTO/mo_extensions/front/tf/Complex.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2020 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 #! [complex:transformation] import logging as log diff --git a/docs/HOWTO/mo_extensions/front/tf/ComplexAbs.py b/docs/HOWTO/mo_extensions/front/tf/ComplexAbs.py index bac4140d732f91..4fe0368fd66cf3 100644 --- a/docs/HOWTO/mo_extensions/front/tf/ComplexAbs.py +++ b/docs/HOWTO/mo_extensions/front/tf/ComplexAbs.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2020 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 #! [complex_abs:transformation] import numpy as np diff --git a/docs/HOWTO/mo_extensions/front/tf/FFT_ext.py b/docs/HOWTO/mo_extensions/front/tf/FFT_ext.py index 283c87ba838f80..e5216d2ea3ec2f 100644 --- a/docs/HOWTO/mo_extensions/front/tf/FFT_ext.py +++ b/docs/HOWTO/mo_extensions/front/tf/FFT_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2020 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 # ! [fft_ext:extractor] from ...ops.FFT import FFT diff --git a/docs/HOWTO/mo_extensions/ops/FFT.py b/docs/HOWTO/mo_extensions/ops/FFT.py index c3f37f7d6d6919..92645cd6967c47 100644 --- a/docs/HOWTO/mo_extensions/ops/FFT.py +++ b/docs/HOWTO/mo_extensions/ops/FFT.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2020 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 #! [fft:operation] from mo.front.common.partial_infer.elemental import copy_shape_infer diff --git a/docs/HOWTO/mri_reconstruction_demo.py b/docs/HOWTO/mri_reconstruction_demo.py index 74ce15721fc68a..9b03880e39c32f 100644 --- a/docs/HOWTO/mri_reconstruction_demo.py +++ b/docs/HOWTO/mri_reconstruction_demo.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2020 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 #! [mri_demo:demo] import numpy as np diff --git a/docs/doxygen/build_main_layout.py b/docs/doxygen/build_main_layout.py index e566d70435ac8f..e8a23d729b54fc 100644 --- a/docs/doxygen/build_main_layout.py +++ b/docs/doxygen/build_main_layout.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import argparse import os diff --git a/docs/doxygen/doxy_md_filter.py b/docs/doxygen/doxy_md_filter.py index 80a77e14ff2953..5969063167554e 100644 --- a/docs/doxygen/doxy_md_filter.py +++ b/docs/doxygen/doxy_md_filter.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import os import re diff --git a/docs/doxygen/log.py b/docs/doxygen/log.py index 4455fc321f8831..122ecb8df5702d 100644 --- a/docs/doxygen/log.py +++ b/docs/doxygen/log.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import argparse import os diff --git a/docs/doxygen/pyx_filter.py b/docs/doxygen/pyx_filter.py index 52e34061d9b730..44ae37aedd23a7 100644 --- a/docs/doxygen/pyx_filter.py +++ b/docs/doxygen/pyx_filter.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import re import argparse diff --git a/inference-engine/ie_bridges/python/sample/classification_sample_async/classification_sample_async.py b/inference-engine/ie_bridges/python/sample/classification_sample_async/classification_sample_async.py index ff584f579c975a..ece2cfd95ac65c 100644 --- a/inference-engine/ie_bridges/python/sample/classification_sample_async/classification_sample_async.py +++ b/inference-engine/ie_bridges/python/sample/classification_sample_async/classification_sample_async.py @@ -1,19 +1,6 @@ -#!/usr/bin/env python -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + from __future__ import print_function import sys import os diff --git a/inference-engine/ie_bridges/python/sample/hello_classification/hello_classification.py b/inference-engine/ie_bridges/python/sample/hello_classification/hello_classification.py index 8d06ca2c9fa786..2c47a706b7f961 100644 --- a/inference-engine/ie_bridges/python/sample/hello_classification/hello_classification.py +++ b/inference-engine/ie_bridges/python/sample/hello_classification/hello_classification.py @@ -1,19 +1,6 @@ -#!/usr/bin/env python3 -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from __future__ import print_function import sys import os diff --git a/inference-engine/ie_bridges/python/sample/hello_query_device/hello_query_device.py b/inference-engine/ie_bridges/python/sample/hello_query_device/hello_query_device.py index 2c5b911bf19fee..4da5dcba244665 100644 --- a/inference-engine/ie_bridges/python/sample/hello_query_device/hello_query_device.py +++ b/inference-engine/ie_bridges/python/sample/hello_query_device/hello_query_device.py @@ -1,19 +1,6 @@ -#!/usr/bin/env python3 -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import sys from openvino.inference_engine import IECore diff --git a/inference-engine/ie_bridges/python/sample/hello_reshape_ssd/hello_reshape_ssd.py b/inference-engine/ie_bridges/python/sample/hello_reshape_ssd/hello_reshape_ssd.py index 402f1f3d9eaa92..63b925b940a599 100644 --- a/inference-engine/ie_bridges/python/sample/hello_reshape_ssd/hello_reshape_ssd.py +++ b/inference-engine/ie_bridges/python/sample/hello_reshape_ssd/hello_reshape_ssd.py @@ -1,19 +1,8 @@ #!/usr/bin/env python -''' - Copyright (c) 2018-2021 Intel Corporation - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -''' from __future__ import print_function from argparse import ArgumentParser, SUPPRESS import logging as log diff --git a/inference-engine/ie_bridges/python/sample/ngraph_function_creation_sample/ngraph_function_creation_sample.py b/inference-engine/ie_bridges/python/sample/ngraph_function_creation_sample/ngraph_function_creation_sample.py index c953f1819469ab..d64fc4c808ff73 100644 --- a/inference-engine/ie_bridges/python/sample/ngraph_function_creation_sample/ngraph_function_creation_sample.py +++ b/inference-engine/ie_bridges/python/sample/ngraph_function_creation_sample/ngraph_function_creation_sample.py @@ -1,19 +1,5 @@ -#!/usr/bin/env python -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import sys import os diff --git a/inference-engine/ie_bridges/python/sample/object_detection_sample_ssd/object_detection_sample_ssd.py b/inference-engine/ie_bridges/python/sample/object_detection_sample_ssd/object_detection_sample_ssd.py index 03533c41625734..d065c99346d45a 100644 --- a/inference-engine/ie_bridges/python/sample/object_detection_sample_ssd/object_detection_sample_ssd.py +++ b/inference-engine/ie_bridges/python/sample/object_detection_sample_ssd/object_detection_sample_ssd.py @@ -1,19 +1,6 @@ -#!/usr/bin/env python -""" - Copyright (c) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + from __future__ import print_function import sys import os diff --git a/inference-engine/ie_bridges/python/sample/style_transfer_sample/style_transfer_sample.py b/inference-engine/ie_bridges/python/sample/style_transfer_sample/style_transfer_sample.py index a81175688719c0..1c35e15227e07b 100644 --- a/inference-engine/ie_bridges/python/sample/style_transfer_sample/style_transfer_sample.py +++ b/inference-engine/ie_bridges/python/sample/style_transfer_sample/style_transfer_sample.py @@ -1,19 +1,6 @@ -#!/usr/bin/env python -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from __future__ import print_function import sys import os diff --git a/inference-engine/ie_bridges/python/src/openvino/__init__.py b/inference-engine/ie_bridges/python/src/openvino/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/inference-engine/ie_bridges/python/src/openvino/__init__.py +++ b/inference-engine/ie_bridges/python/src/openvino/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/inference-engine/ie_bridges/python/src/openvino/inference_engine/__init__.py b/inference-engine/ie_bridges/python/src/openvino/inference_engine/__init__.py index b7ed8b53f9a7c5..d9fc2fa0eb8181 100644 --- a/inference-engine/ie_bridges/python/src/openvino/inference_engine/__init__.py +++ b/inference-engine/ie_bridges/python/src/openvino/inference_engine/__init__.py @@ -1,19 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the 'License'); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an 'AS IS' BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import os import sys diff --git a/inference-engine/ie_bridges/python/src/openvino/offline_transformations/__init__.py b/inference-engine/ie_bridges/python/src/openvino/offline_transformations/__init__.py index fc32ec732f1ccb..1a793c30091651 100644 --- a/inference-engine/ie_bridges/python/src/openvino/offline_transformations/__init__.py +++ b/inference-engine/ie_bridges/python/src/openvino/offline_transformations/__init__.py @@ -1,5 +1,6 @@ -# Copyright (C) 2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 + import os import sys diff --git a/inference-engine/ie_bridges/python/src/openvino/test_utils/__init__.py b/inference-engine/ie_bridges/python/src/openvino/test_utils/__init__.py index 6941aaa7f985b6..a74171baad48e3 100644 --- a/inference-engine/ie_bridges/python/src/openvino/test_utils/__init__.py +++ b/inference-engine/ie_bridges/python/src/openvino/test_utils/__init__.py @@ -1,4 +1,4 @@ -# Copyright (C) 2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 from .test_utils_api import * diff --git a/inference-engine/ie_bridges/python/tests/conftest.py b/inference-engine/ie_bridges/python/tests/conftest.py index b406b1db25c966..fd327147c33238 100644 --- a/inference-engine/ie_bridges/python/tests/conftest.py +++ b/inference-engine/ie_bridges/python/tests/conftest.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import os import pytest diff --git a/inference-engine/ie_bridges/python/tests/test_Blob.py b/inference-engine/ie_bridges/python/tests/test_Blob.py index aac77fa5e9c099..91c16102b5046b 100644 --- a/inference-engine/ie_bridges/python/tests/test_Blob.py +++ b/inference-engine/ie_bridges/python/tests/test_Blob.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import pytest diff --git a/inference-engine/ie_bridges/python/tests/test_CDataPtr.py b/inference-engine/ie_bridges/python/tests/test_CDataPtr.py index da0e48c64e8d9d..d81dd46a5cc18d 100644 --- a/inference-engine/ie_bridges/python/tests/test_CDataPtr.py +++ b/inference-engine/ie_bridges/python/tests/test_CDataPtr.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import pytest diff --git a/inference-engine/ie_bridges/python/tests/test_DataPtr.py b/inference-engine/ie_bridges/python/tests/test_DataPtr.py index c22f6a3632006b..9b125fb585405c 100644 --- a/inference-engine/ie_bridges/python/tests/test_DataPtr.py +++ b/inference-engine/ie_bridges/python/tests/test_DataPtr.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import pytest diff --git a/inference-engine/ie_bridges/python/tests/test_ExecutableNetwork.py b/inference-engine/ie_bridges/python/tests/test_ExecutableNetwork.py index e0954e423d4f22..d722608696cd82 100644 --- a/inference-engine/ie_bridges/python/tests/test_ExecutableNetwork.py +++ b/inference-engine/ie_bridges/python/tests/test_ExecutableNetwork.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np import os diff --git a/inference-engine/ie_bridges/python/tests/test_IECore.py b/inference-engine/ie_bridges/python/tests/test_IECore.py index bc249162ae8b51..2684def8b41752 100644 --- a/inference-engine/ie_bridges/python/tests/test_IECore.py +++ b/inference-engine/ie_bridges/python/tests/test_IECore.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import os import pytest diff --git a/inference-engine/ie_bridges/python/tests/test_IENetwork.py b/inference-engine/ie_bridges/python/tests/test_IENetwork.py index da5feb86636a5c..60e17268ede4e3 100644 --- a/inference-engine/ie_bridges/python/tests/test_IENetwork.py +++ b/inference-engine/ie_bridges/python/tests/test_IENetwork.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import os import pytest diff --git a/inference-engine/ie_bridges/python/tests/test_InferRequest.py b/inference-engine/ie_bridges/python/tests/test_InferRequest.py index 47f4286acbb182..b2783f5cad9c10 100644 --- a/inference-engine/ie_bridges/python/tests/test_InferRequest.py +++ b/inference-engine/ie_bridges/python/tests/test_InferRequest.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np import os diff --git a/inference-engine/ie_bridges/python/tests/test_InputInfoCPtr.py b/inference-engine/ie_bridges/python/tests/test_InputInfoCPtr.py index f09bb43291ca64..abfab2ce1b35dd 100644 --- a/inference-engine/ie_bridges/python/tests/test_InputInfoCPtr.py +++ b/inference-engine/ie_bridges/python/tests/test_InputInfoCPtr.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import pytest diff --git a/inference-engine/ie_bridges/python/tests/test_InputInfoPtr.py b/inference-engine/ie_bridges/python/tests/test_InputInfoPtr.py index 8c4d205b0de178..a37a5f6b00c081 100644 --- a/inference-engine/ie_bridges/python/tests/test_InputInfoPtr.py +++ b/inference-engine/ie_bridges/python/tests/test_InputInfoPtr.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import pytest diff --git a/inference-engine/ie_bridges/python/tests/test_NGraph.py b/inference-engine/ie_bridges/python/tests/test_NGraph.py index 3b39deb0f48a7d..6d5c110b9c8518 100644 --- a/inference-engine/ie_bridges/python/tests/test_NGraph.py +++ b/inference-engine/ie_bridges/python/tests/test_NGraph.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from openvino.inference_engine import IECore, IENetwork import ngraph as ng diff --git a/inference-engine/ie_bridges/python/tests/test_PreProcessInfo.py b/inference-engine/ie_bridges/python/tests/test_PreProcessInfo.py index bfbecf5c8d744c..5de106ec2701d3 100644 --- a/inference-engine/ie_bridges/python/tests/test_PreProcessInfo.py +++ b/inference-engine/ie_bridges/python/tests/test_PreProcessInfo.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import pytest diff --git a/inference-engine/ie_bridges/python/tests/test_TensorDesc.py b/inference-engine/ie_bridges/python/tests/test_TensorDesc.py index 11d08ef97479f6..e628919ebd355f 100644 --- a/inference-engine/ie_bridges/python/tests/test_TensorDesc.py +++ b/inference-engine/ie_bridges/python/tests/test_TensorDesc.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import pytest diff --git a/inference-engine/ie_bridges/python/tests/test_offline_api.py b/inference-engine/ie_bridges/python/tests/test_offline_api.py index 0a3fcbcab20c8d..b5565c04bb4d66 100644 --- a/inference-engine/ie_bridges/python/tests/test_offline_api.py +++ b/inference-engine/ie_bridges/python/tests/test_offline_api.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from openvino.inference_engine import IECore, IENetwork from openvino.offline_transformations import ApplyMOCTransformations, ApplyLowLatencyTransformation, ApplyPruningTransformation diff --git a/inference-engine/ie_bridges/python/tests/test_utils.py b/inference-engine/ie_bridges/python/tests/test_utils.py index 3d5c546d3dd28d..e54648ecd73e64 100644 --- a/inference-engine/ie_bridges/python/tests/test_utils.py +++ b/inference-engine/ie_bridges/python/tests/test_utils.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from openvino.inference_engine import IECore, IENetwork diff --git a/inference-engine/ie_bridges/python/wheel/setup.py b/inference-engine/ie_bridges/python/wheel/setup.py index 9bab5b2c926b68..6f03554ffeb4e8 100644 --- a/inference-engine/ie_bridges/python/wheel/setup.py +++ b/inference-engine/ie_bridges/python/wheel/setup.py @@ -1,16 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - http://www.apache.org/licenses/LICENSE-2.0 - This conversation was marked as resolved by dkurt - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import os.path import sys diff --git a/inference-engine/tests/ie_test_utils/functional_test_utils/layer_tests_summary/merge_xmls.py b/inference-engine/tests/ie_test_utils/functional_test_utils/layer_tests_summary/merge_xmls.py index a9f1d6fc2ad4ee..414709fdfd1b08 100644 --- a/inference-engine/tests/ie_test_utils/functional_test_utils/layer_tests_summary/merge_xmls.py +++ b/inference-engine/tests/ie_test_utils/functional_test_utils/layer_tests_summary/merge_xmls.py @@ -1,6 +1,5 @@ -# Copyright (C) 2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 -# import xml.etree.ElementTree as ET from jinja2 import Environment, FileSystemLoader diff --git a/inference-engine/tests/ie_test_utils/functional_test_utils/layer_tests_summary/summarize.py b/inference-engine/tests/ie_test_utils/functional_test_utils/layer_tests_summary/summarize.py index 0499f6d4e8e98b..6d8298fbe7dd13 100644 --- a/inference-engine/tests/ie_test_utils/functional_test_utils/layer_tests_summary/summarize.py +++ b/inference-engine/tests/ie_test_utils/functional_test_utils/layer_tests_summary/summarize.py @@ -1,6 +1,5 @@ -# Copyright (C) 2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 -# import xml.etree.ElementTree as ET from jinja2 import Environment, FileSystemLoader diff --git a/inference-engine/tests_deprecated/functional/vpu/tester.py b/inference-engine/tests_deprecated/functional/vpu/tester.py index e74cb0a33a1647..89aaa3d2a4ce7c 100644 --- a/inference-engine/tests_deprecated/functional/vpu/tester.py +++ b/inference-engine/tests_deprecated/functional/vpu/tester.py @@ -1,3 +1,6 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import errno import os import sys diff --git a/inference-engine/thirdparty/clDNN/kernel_selector/core/common/primitive_db_gen.py b/inference-engine/thirdparty/clDNN/kernel_selector/core/common/primitive_db_gen.py index 2adee67fc31b76..0975ed1e2da05b 100644 --- a/inference-engine/thirdparty/clDNN/kernel_selector/core/common/primitive_db_gen.py +++ b/inference-engine/thirdparty/clDNN/kernel_selector/core/common/primitive_db_gen.py @@ -1,5 +1,8 @@ #!/usr/bin/python +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + # To add new kernel please add a .cl file to kernels directory # the database name will be the part of the file name up to first '.' character # the trailing characters are a tag to allow multiple primitive implementations @@ -109,4 +112,4 @@ def main(): converter.convert() if __name__ == '__main__': - main() \ No newline at end of file + main() diff --git a/inference-engine/tools/benchmark_tool/benchmark_app.py b/inference-engine/tools/benchmark_tool/benchmark_app.py index 9200c17f2c25fc..289a60868b57f2 100755 --- a/inference-engine/tools/benchmark_tool/benchmark_app.py +++ b/inference-engine/tools/benchmark_tool/benchmark_app.py @@ -1,20 +1,7 @@ #!/usr/bin/python3 -""" -Copyright (C) 2018-2021 Intel Corporation - -Licensed under the Apache License, Version 2.0 (the "License"); -you may not use this file except in compliance with the License. -You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - -Unless required by applicable law or agreed to in writing, software -distributed under the License is distributed on an "AS IS" BASIS, -WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -See the License for the specific language governing permissions and -limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import sys from openvino.tools.benchmark.main import main diff --git a/inference-engine/tools/cross_check_tool/__init__.py b/inference-engine/tools/cross_check_tool/__init__.py index 2ceaa5d272f817..60324954ef522e 100644 --- a/inference-engine/tools/cross_check_tool/__init__.py +++ b/inference-engine/tools/cross_check_tool/__init__.py @@ -1,15 +1,3 @@ -""" -Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 -Licensed under the Apache License, Version 2.0 (the "License"); -you may not use this file except in compliance with the License. -You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - -Unless required by applicable law or agreed to in writing, software -distributed under the License is distributed on an "AS IS" BASIS, -WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -See the License for the specific language governing permissions and -limitations under the License. -""" diff --git a/inference-engine/tools/cross_check_tool/cross_check_tool.py b/inference-engine/tools/cross_check_tool/cross_check_tool.py index f115e1f34eed97..83ccc4f7abc063 100755 --- a/inference-engine/tools/cross_check_tool/cross_check_tool.py +++ b/inference-engine/tools/cross_check_tool/cross_check_tool.py @@ -2,7 +2,6 @@ # Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 -# import datetime import logging as log diff --git a/inference-engine/tools/cross_check_tool/utils.py b/inference-engine/tools/cross_check_tool/utils.py index 055e5e03694d16..93a6af637f047f 100644 --- a/inference-engine/tools/cross_check_tool/utils.py +++ b/inference-engine/tools/cross_check_tool/utils.py @@ -1,6 +1,5 @@ # Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 -# import argparse import logging as log diff --git a/model-optimizer/automation/create_package.py b/model-optimizer/automation/create_package.py index 2112e5afcbe449..7761a6d8f5ab71 100644 --- a/model-optimizer/automation/create_package.py +++ b/model-optimizer/automation/create_package.py @@ -1,3 +1,6 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import argparse import os from shutil import rmtree diff --git a/model-optimizer/automation/utils.py b/model-optimizer/automation/utils.py index 9045282bf4bb3e..ffd5805e0d2ab9 100644 --- a/model-optimizer/automation/utils.py +++ b/model-optimizer/automation/utils.py @@ -1,3 +1,6 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import os import subprocess import tarfile diff --git a/model-optimizer/extensions/__init__.py b/model-optimizer/extensions/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/extensions/__init__.py +++ b/model-optimizer/extensions/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/extensions/analysis/Iterator_get_next_test.py b/model-optimizer/extensions/analysis/Iterator_get_next_test.py index e172ad23d2182a..9d5a54bcd0a191 100644 --- a/model-optimizer/extensions/analysis/Iterator_get_next_test.py +++ b/model-optimizer/extensions/analysis/Iterator_get_next_test.py @@ -1,18 +1,5 @@ -""" - Copyright (c) 2020 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/analysis/__init__.py b/model-optimizer/extensions/analysis/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/extensions/analysis/__init__.py +++ b/model-optimizer/extensions/analysis/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/extensions/analysis/boolean_input.py b/model-optimizer/extensions/analysis/boolean_input.py index 209a76ad289f08..4c5d316ae10500 100644 --- a/model-optimizer/extensions/analysis/boolean_input.py +++ b/model-optimizer/extensions/analysis/boolean_input.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/analysis/inputs.py b/model-optimizer/extensions/analysis/inputs.py index 0da37ba6cc726f..a3fee9ffd6cf27 100644 --- a/model-optimizer/extensions/analysis/inputs.py +++ b/model-optimizer/extensions/analysis/inputs.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/analysis/json_print.py b/model-optimizer/extensions/analysis/json_print.py index e543b8b6679e9f..2e5ef412ceab1b 100644 --- a/model-optimizer/extensions/analysis/json_print.py +++ b/model-optimizer/extensions/analysis/json_print.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import json import logging as log import sys diff --git a/model-optimizer/extensions/analysis/nodes.py b/model-optimizer/extensions/analysis/nodes.py index 490a8e5ea2a445..499c5157a30e72 100644 --- a/model-optimizer/extensions/analysis/nodes.py +++ b/model-optimizer/extensions/analysis/nodes.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.graph.graph import Graph from mo.utils.model_analysis import AnalyzeAction diff --git a/model-optimizer/extensions/analysis/tf_od_api.py b/model-optimizer/extensions/analysis/tf_od_api.py index 20c0ee3157426c..8fe6d78964a036 100644 --- a/model-optimizer/extensions/analysis/tf_od_api.py +++ b/model-optimizer/extensions/analysis/tf_od_api.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/analysis/tf_retinanet.py b/model-optimizer/extensions/analysis/tf_retinanet.py index 496fc4e953995e..35fdcf9d49c04a 100644 --- a/model-optimizer/extensions/analysis/tf_retinanet.py +++ b/model-optimizer/extensions/analysis/tf_retinanet.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.graph.graph import Graph from mo.middle.pattern_match import apply_pattern from mo.utils.model_analysis import AnalyzeAction diff --git a/model-optimizer/extensions/analysis/tf_yolo.py b/model-optimizer/extensions/analysis/tf_yolo.py index 39c751f88e5dac..626187b25f508b 100644 --- a/model-optimizer/extensions/analysis/tf_yolo.py +++ b/model-optimizer/extensions/analysis/tf_yolo.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.middle.pattern_match import apply_pattern diff --git a/model-optimizer/extensions/back/AvgPool.py b/model-optimizer/extensions/back/AvgPool.py index f19d53b16f7e78..94f10a97cd33c3 100644 --- a/model-optimizer/extensions/back/AvgPool.py +++ b/model-optimizer/extensions/back/AvgPool.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.back.replacement import BackReplacementPattern from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/back/CellNormalizer.py b/model-optimizer/extensions/back/CellNormalizer.py index 64620bddf78bca..b4b4ad2769f51f 100644 --- a/model-optimizer/extensions/back/CellNormalizer.py +++ b/model-optimizer/extensions/back/CellNormalizer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/back/ClampNormalizer.py b/model-optimizer/extensions/back/ClampNormalizer.py index 20804758fa9aa6..2e2ef4fd1e1df9 100644 --- a/model-optimizer/extensions/back/ClampNormalizer.py +++ b/model-optimizer/extensions/back/ClampNormalizer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.elementwise import Minimum, Maximum from mo.back.replacement import BackReplacementPattern diff --git a/model-optimizer/extensions/back/ClampNormalizer_test.py b/model-optimizer/extensions/back/ClampNormalizer_test.py index 2d169476945230..bd7746eed4bda4 100644 --- a/model-optimizer/extensions/back/ClampNormalizer_test.py +++ b/model-optimizer/extensions/back/ClampNormalizer_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/extensions/back/ConvolutionNormalizer.py b/model-optimizer/extensions/back/ConvolutionNormalizer.py index 6086ff17bbc794..04da65631c53fa 100644 --- a/model-optimizer/extensions/back/ConvolutionNormalizer.py +++ b/model-optimizer/extensions/back/ConvolutionNormalizer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/back/ConvolutionNormalizer_test.py b/model-optimizer/extensions/back/ConvolutionNormalizer_test.py index 777f4130edada3..fb4b15cae34247 100644 --- a/model-optimizer/extensions/back/ConvolutionNormalizer_test.py +++ b/model-optimizer/extensions/back/ConvolutionNormalizer_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/extensions/back/CorrectName.py b/model-optimizer/extensions/back/CorrectName.py index f533925f1055d5..f9d41973f6b542 100644 --- a/model-optimizer/extensions/back/CorrectName.py +++ b/model-optimizer/extensions/back/CorrectName.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.back.replacement import BackReplacementPattern diff --git a/model-optimizer/extensions/back/CropToStridedSlice.py b/model-optimizer/extensions/back/CropToStridedSlice.py index 2ad55a9bcd6973..26c0bb11f449be 100644 --- a/model-optimizer/extensions/back/CropToStridedSlice.py +++ b/model-optimizer/extensions/back/CropToStridedSlice.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.back.ForceStrictPrecision import ForceStrictPrecision diff --git a/model-optimizer/extensions/back/CutMemory.py b/model-optimizer/extensions/back/CutMemory.py index 92afad52b82d50..5e6807196b3b60 100644 --- a/model-optimizer/extensions/back/CutMemory.py +++ b/model-optimizer/extensions/back/CutMemory.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.parameter import Parameter diff --git a/model-optimizer/extensions/back/CutMemory_test.py b/model-optimizer/extensions/back/CutMemory_test.py index 4d0e52663fbcdd..4edb90e6f7eb02 100644 --- a/model-optimizer/extensions/back/CutMemory_test.py +++ b/model-optimizer/extensions/back/CutMemory_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/extensions/back/EnableConstantStridedSlice.py b/model-optimizer/extensions/back/EnableConstantStridedSlice.py index 275029ba6eb50c..f9a03a64af808f 100644 --- a/model-optimizer/extensions/back/EnableConstantStridedSlice.py +++ b/model-optimizer/extensions/back/EnableConstantStridedSlice.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.back.replacement import BackReplacementPattern from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/back/FakeOutputResolver.py b/model-optimizer/extensions/back/FakeOutputResolver.py index 9a29b20268e080..e007a66ee01f5a 100644 --- a/model-optimizer/extensions/back/FakeOutputResolver.py +++ b/model-optimizer/extensions/back/FakeOutputResolver.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.elementwise import Add from mo.back.replacement import BackReplacementPattern diff --git a/model-optimizer/extensions/back/FakeOutputResolver_test.py b/model-optimizer/extensions/back/FakeOutputResolver_test.py index 85e09dc1257bc9..64baebc8d2c070 100644 --- a/model-optimizer/extensions/back/FakeOutputResolver_test.py +++ b/model-optimizer/extensions/back/FakeOutputResolver_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/back/ForceStrictPrecision.py b/model-optimizer/extensions/back/ForceStrictPrecision.py index ed43352c595ba3..985534dddfc904 100644 --- a/model-optimizer/extensions/back/ForceStrictPrecision.py +++ b/model-optimizer/extensions/back/ForceStrictPrecision.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.Cast import Cast from mo.back.replacement import BackReplacementPattern from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/back/FuseTransposesSequence.py b/model-optimizer/extensions/back/FuseTransposesSequence.py index b68d1436f3550e..3e74cafd1dc963 100644 --- a/model-optimizer/extensions/back/FuseTransposesSequence.py +++ b/model-optimizer/extensions/back/FuseTransposesSequence.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.back.replacement import BackReplacementPattern diff --git a/model-optimizer/extensions/back/FuseTransposesSequence_test.py b/model-optimizer/extensions/back/FuseTransposesSequence_test.py index 73b2535e72dbca..0614a90e9f4301 100644 --- a/model-optimizer/extensions/back/FuseTransposesSequence_test.py +++ b/model-optimizer/extensions/back/FuseTransposesSequence_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from argparse import Namespace diff --git a/model-optimizer/extensions/back/GatherNormalizer.py b/model-optimizer/extensions/back/GatherNormalizer.py index d7dec7ef332b12..2aef1377c5b5cc 100644 --- a/model-optimizer/extensions/back/GatherNormalizer.py +++ b/model-optimizer/extensions/back/GatherNormalizer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.back.replacement import BackReplacementPattern from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/back/GroupedConvWeightsNormalize.py b/model-optimizer/extensions/back/GroupedConvWeightsNormalize.py index 69246beaa65be7..fbcbb4c5ef0e75 100644 --- a/model-optimizer/extensions/back/GroupedConvWeightsNormalize.py +++ b/model-optimizer/extensions/back/GroupedConvWeightsNormalize.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.back.replacement import BackReplacementPattern diff --git a/model-optimizer/extensions/back/InterpolateReshape.py b/model-optimizer/extensions/back/InterpolateReshape.py index c46872735466fa..60323d1f88f2a9 100644 --- a/model-optimizer/extensions/back/InterpolateReshape.py +++ b/model-optimizer/extensions/back/InterpolateReshape.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/back/InterpolateReshape_test.py b/model-optimizer/extensions/back/InterpolateReshape_test.py index 543d0a0aa75ebb..0ab62e5d7548fc 100644 --- a/model-optimizer/extensions/back/InterpolateReshape_test.py +++ b/model-optimizer/extensions/back/InterpolateReshape_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from argparse import Namespace diff --git a/model-optimizer/extensions/back/LRNToNorm.py b/model-optimizer/extensions/back/LRNToNorm.py index 81dcc191a25ec2..6da78e6fc28e50 100644 --- a/model-optimizer/extensions/back/LRNToNorm.py +++ b/model-optimizer/extensions/back/LRNToNorm.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.back.replacement import BackReplacementPattern from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/back/LayoutChangeForGatherND.py b/model-optimizer/extensions/back/LayoutChangeForGatherND.py index c6b5c395e5938b..daa741af19c095 100644 --- a/model-optimizer/extensions/back/LayoutChangeForGatherND.py +++ b/model-optimizer/extensions/back/LayoutChangeForGatherND.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.transpose import Transpose diff --git a/model-optimizer/extensions/back/LayoutChangeForGatherND_test.py b/model-optimizer/extensions/back/LayoutChangeForGatherND_test.py index 7e05a350d5dc1c..7d517fe3c13063 100644 --- a/model-optimizer/extensions/back/LayoutChangeForGatherND_test.py +++ b/model-optimizer/extensions/back/LayoutChangeForGatherND_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/back/LeakyReLUMutation.py b/model-optimizer/extensions/back/LeakyReLUMutation.py index e40e318029edcb..5e1a6c09a783ce 100644 --- a/model-optimizer/extensions/back/LeakyReLUMutation.py +++ b/model-optimizer/extensions/back/LeakyReLUMutation.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.back.ForceStrictPrecision import ForceStrictPrecision diff --git a/model-optimizer/extensions/back/LinearToLinearONNXReplacer.py b/model-optimizer/extensions/back/LinearToLinearONNXReplacer.py index 7d3ff7d5b3feaa..a7e8846aba007b 100644 --- a/model-optimizer/extensions/back/LinearToLinearONNXReplacer.py +++ b/model-optimizer/extensions/back/LinearToLinearONNXReplacer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.back.InterpolateReshape import InterpolateConcat, InterpolateReshapeWA from mo.back.replacement import BackReplacementPattern diff --git a/model-optimizer/extensions/back/MatMulNormalizer.py b/model-optimizer/extensions/back/MatMulNormalizer.py index ca2f06c8719052..46e4b3ec750395 100644 --- a/model-optimizer/extensions/back/MatMulNormalizer.py +++ b/model-optimizer/extensions/back/MatMulNormalizer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/back/MatMulNormalizer_test.py b/model-optimizer/extensions/back/MatMulNormalizer_test.py index f88b728be270bd..ab5d59428214d1 100644 --- a/model-optimizer/extensions/back/MatMulNormalizer_test.py +++ b/model-optimizer/extensions/back/MatMulNormalizer_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from argparse import Namespace diff --git a/model-optimizer/extensions/back/MaxPool.py b/model-optimizer/extensions/back/MaxPool.py index d6fad01e7ddbaa..b34dbef4c61f07 100644 --- a/model-optimizer/extensions/back/MaxPool.py +++ b/model-optimizer/extensions/back/MaxPool.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.back.replacement import BackReplacementPattern from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/back/NormalizeToNormalizeL2.py b/model-optimizer/extensions/back/NormalizeToNormalizeL2.py index 0106c8f0c69106..81c279e72c8dd5 100644 --- a/model-optimizer/extensions/back/NormalizeToNormalizeL2.py +++ b/model-optimizer/extensions/back/NormalizeToNormalizeL2.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.back.insert_compatibility_l2normalization import CompatibilityL2NormalizationPattern diff --git a/model-optimizer/extensions/back/OptimizeTransposeReshapeSequence.py b/model-optimizer/extensions/back/OptimizeTransposeReshapeSequence.py index 74b66ad358c656..c1557382c90512 100644 --- a/model-optimizer/extensions/back/OptimizeTransposeReshapeSequence.py +++ b/model-optimizer/extensions/back/OptimizeTransposeReshapeSequence.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log import math diff --git a/model-optimizer/extensions/back/OptimizeTransposeReshapeSequence_test.py b/model-optimizer/extensions/back/OptimizeTransposeReshapeSequence_test.py index 6b82bdabb0ad18..5a1b2a21f0e773 100644 --- a/model-optimizer/extensions/back/OptimizeTransposeReshapeSequence_test.py +++ b/model-optimizer/extensions/back/OptimizeTransposeReshapeSequence_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/back/PackBinaryWeights.py b/model-optimizer/extensions/back/PackBinaryWeights.py index a478066d226dcd..01d6cc443a1616 100644 --- a/model-optimizer/extensions/back/PackBinaryWeights.py +++ b/model-optimizer/extensions/back/PackBinaryWeights.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/back/ProposalMutation.py b/model-optimizer/extensions/back/ProposalMutation.py index 99a87254efa300..7ac6f7e06c3564 100644 --- a/model-optimizer/extensions/back/ProposalMutation.py +++ b/model-optimizer/extensions/back/ProposalMutation.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/extensions/back/RNNSequenceTypeRename.py b/model-optimizer/extensions/back/RNNSequenceTypeRename.py index f71a2e415b2e9d..3c2cb3f1dd4553 100644 --- a/model-optimizer/extensions/back/RNNSequenceTypeRename.py +++ b/model-optimizer/extensions/back/RNNSequenceTypeRename.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.back.replacement import BackReplacementPattern from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/back/ReduceMerge.py b/model-optimizer/extensions/back/ReduceMerge.py index 0cec6151b9bd96..418f3a18ffc3b0 100644 --- a/model-optimizer/extensions/back/ReduceMerge.py +++ b/model-optimizer/extensions/back/ReduceMerge.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/back/ReduceTransposeDimensions.py b/model-optimizer/extensions/back/ReduceTransposeDimensions.py index 27c53156e53cef..b9a244c39de9e0 100644 --- a/model-optimizer/extensions/back/ReduceTransposeDimensions.py +++ b/model-optimizer/extensions/back/ReduceTransposeDimensions.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/back/ReduceTransposeDimensions_test.py b/model-optimizer/extensions/back/ReduceTransposeDimensions_test.py index e8dd7e108adb7b..2de175aa8a6efa 100644 --- a/model-optimizer/extensions/back/ReduceTransposeDimensions_test.py +++ b/model-optimizer/extensions/back/ReduceTransposeDimensions_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/back/RemoveUselessConvert.py b/model-optimizer/extensions/back/RemoveUselessConvert.py index 2244394e79c7ee..64a9e5c1695a13 100644 --- a/model-optimizer/extensions/back/RemoveUselessConvert.py +++ b/model-optimizer/extensions/back/RemoveUselessConvert.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from mo.back.replacement import BackReplacementPattern diff --git a/model-optimizer/extensions/back/Reshape0DToSqueeze.py b/model-optimizer/extensions/back/Reshape0DToSqueeze.py index 4b09b56588183a..9ac585fd30bc34 100644 --- a/model-optimizer/extensions/back/Reshape0DToSqueeze.py +++ b/model-optimizer/extensions/back/Reshape0DToSqueeze.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/extensions/back/ReshapeMutation.py b/model-optimizer/extensions/back/ReshapeMutation.py index be5fa94d31245b..299e70c595e44a 100644 --- a/model-optimizer/extensions/back/ReshapeMutation.py +++ b/model-optimizer/extensions/back/ReshapeMutation.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.back.ForceStrictPrecision import ForceStrictPrecision from mo.back.replacement import BackReplacementPattern from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/back/ResultNormalizer.py b/model-optimizer/extensions/back/ResultNormalizer.py index 41106f529f8c9f..1f4f71789b39e5 100644 --- a/model-optimizer/extensions/back/ResultNormalizer.py +++ b/model-optimizer/extensions/back/ResultNormalizer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.back.replacement import BackReplacementPattern from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/back/ResultRename.py b/model-optimizer/extensions/back/ResultRename.py index 9ec7642568f599..fac0770a81e09e 100644 --- a/model-optimizer/extensions/back/ResultRename.py +++ b/model-optimizer/extensions/back/ResultRename.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.back.replacement import BackReplacementPattern from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/back/ResultRename_test.py b/model-optimizer/extensions/back/ResultRename_test.py index 969f4e1bf72624..1c70c3995e847a 100644 --- a/model-optimizer/extensions/back/ResultRename_test.py +++ b/model-optimizer/extensions/back/ResultRename_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/back/ReverseInputChannels.py b/model-optimizer/extensions/back/ReverseInputChannels.py index 9136b46ecd9308..c0c62c10f8b356 100644 --- a/model-optimizer/extensions/back/ReverseInputChannels.py +++ b/model-optimizer/extensions/back/ReverseInputChannels.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/extensions/back/ScalarConstNormalize.py b/model-optimizer/extensions/back/ScalarConstNormalize.py index 934f45d53e2af5..923f68b8929dbf 100644 --- a/model-optimizer/extensions/back/ScalarConstNormalize.py +++ b/model-optimizer/extensions/back/ScalarConstNormalize.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.back.ReshapeMutation import ReshapeMutation from mo.back.replacement import BackReplacementPattern diff --git a/model-optimizer/extensions/back/SelectBroadcast.py b/model-optimizer/extensions/back/SelectBroadcast.py index 4bb0a763d0b4d1..5770887d9a8d65 100644 --- a/model-optimizer/extensions/back/SelectBroadcast.py +++ b/model-optimizer/extensions/back/SelectBroadcast.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.back.ReshapeMutation import ReshapeMutation diff --git a/model-optimizer/extensions/back/ShuffleChannelPatternOptimization.py b/model-optimizer/extensions/back/ShuffleChannelPatternOptimization.py index 17eb363d74598c..7701edeb87494d 100644 --- a/model-optimizer/extensions/back/ShuffleChannelPatternOptimization.py +++ b/model-optimizer/extensions/back/ShuffleChannelPatternOptimization.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.back.FuseTransposesSequence import FuseTransposesSequence diff --git a/model-optimizer/extensions/back/ShuffleChannelPatternOptimization_test.py b/model-optimizer/extensions/back/ShuffleChannelPatternOptimization_test.py index 14ba0a5eddcbc1..8469c32c734e45 100644 --- a/model-optimizer/extensions/back/ShuffleChannelPatternOptimization_test.py +++ b/model-optimizer/extensions/back/ShuffleChannelPatternOptimization_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from argparse import Namespace diff --git a/model-optimizer/extensions/back/ShufflenetReLUReorder.py b/model-optimizer/extensions/back/ShufflenetReLUReorder.py index ce477378e29bf3..89cd9d7629790a 100644 --- a/model-optimizer/extensions/back/ShufflenetReLUReorder.py +++ b/model-optimizer/extensions/back/ShufflenetReLUReorder.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/back/ShufflenetReLUReorder_test.py b/model-optimizer/extensions/back/ShufflenetReLUReorder_test.py index 82ef5729e2ff7e..38dab3464af4c9 100644 --- a/model-optimizer/extensions/back/ShufflenetReLUReorder_test.py +++ b/model-optimizer/extensions/back/ShufflenetReLUReorder_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/back/SpecialNodesFinalization.py b/model-optimizer/extensions/back/SpecialNodesFinalization.py index e19d413262de5e..c177d7873cf0f2 100644 --- a/model-optimizer/extensions/back/SpecialNodesFinalization.py +++ b/model-optimizer/extensions/back/SpecialNodesFinalization.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from collections import defaultdict diff --git a/model-optimizer/extensions/back/SpecialNodesFinalization_test.py b/model-optimizer/extensions/back/SpecialNodesFinalization_test.py index 1464316b3ca172..46523aac61f6e3 100644 --- a/model-optimizer/extensions/back/SpecialNodesFinalization_test.py +++ b/model-optimizer/extensions/back/SpecialNodesFinalization_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/extensions/back/StridedSliceMasksNormalizer.py b/model-optimizer/extensions/back/StridedSliceMasksNormalizer.py index 18c26be0445250..4d745ede93c205 100644 --- a/model-optimizer/extensions/back/StridedSliceMasksNormalizer.py +++ b/model-optimizer/extensions/back/StridedSliceMasksNormalizer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.back.replacement import BackReplacementPattern from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/back/TopKNormalizer.py b/model-optimizer/extensions/back/TopKNormalizer.py index 47292dd1715eaa..af756a97bfc42d 100644 --- a/model-optimizer/extensions/back/TopKNormalizer.py +++ b/model-optimizer/extensions/back/TopKNormalizer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.back.Reshape0DToSqueeze import Reshape0DToSqueeze from extensions.back.ScalarConstNormalize import ScalarNormalize diff --git a/model-optimizer/extensions/back/TransposeReduceFusing.py b/model-optimizer/extensions/back/TransposeReduceFusing.py index e9e198923b68a2..ecf8a3bf9acfa9 100644 --- a/model-optimizer/extensions/back/TransposeReduceFusing.py +++ b/model-optimizer/extensions/back/TransposeReduceFusing.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from typing import Dict import numpy as np diff --git a/model-optimizer/extensions/back/TransposeReduceFusing_test.py b/model-optimizer/extensions/back/TransposeReduceFusing_test.py index 0bc97bf3ff7e57..fa7ec2c1cc85f6 100644 --- a/model-optimizer/extensions/back/TransposeReduceFusing_test.py +++ b/model-optimizer/extensions/back/TransposeReduceFusing_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/back/UselessConcatRemoval.py b/model-optimizer/extensions/back/UselessConcatRemoval.py index 391c147e2f991a..b067b9e8940b10 100644 --- a/model-optimizer/extensions/back/UselessConcatRemoval.py +++ b/model-optimizer/extensions/back/UselessConcatRemoval.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from extensions.back.ResultNormalizer import ResultNormalizer diff --git a/model-optimizer/extensions/back/__init__.py b/model-optimizer/extensions/back/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/extensions/back/__init__.py +++ b/model-optimizer/extensions/back/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/extensions/back/blob_normalizer.py b/model-optimizer/extensions/back/blob_normalizer.py index da743e31964940..53f1118eac51cc 100644 --- a/model-optimizer/extensions/back/blob_normalizer.py +++ b/model-optimizer/extensions/back/blob_normalizer.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.back.op_versioning import OpVersioning from mo.back.replacement import BackReplacementPattern from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/back/compress_quantized_weights.py b/model-optimizer/extensions/back/compress_quantized_weights.py index 8c76dacc0e4a0a..7a646f00caca2b 100644 --- a/model-optimizer/extensions/back/compress_quantized_weights.py +++ b/model-optimizer/extensions/back/compress_quantized_weights.py @@ -1,18 +1,5 @@ -""" - Copyright (c) 2020 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from typing import Dict diff --git a/model-optimizer/extensions/back/compress_quantized_weights_test.py b/model-optimizer/extensions/back/compress_quantized_weights_test.py index 55f0e39061a0af..251b9be4c69982 100644 --- a/model-optimizer/extensions/back/compress_quantized_weights_test.py +++ b/model-optimizer/extensions/back/compress_quantized_weights_test.py @@ -1,18 +1,6 @@ -""" - Copyright (c) 2020 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from argparse import Namespace diff --git a/model-optimizer/extensions/back/disable_unsupported_ND_operations.py b/model-optimizer/extensions/back/disable_unsupported_ND_operations.py index 36baf70c5fb78d..b673966779fca2 100644 --- a/model-optimizer/extensions/back/disable_unsupported_ND_operations.py +++ b/model-optimizer/extensions/back/disable_unsupported_ND_operations.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.back.replacement import BackReplacementPattern from mo.graph.graph import Node, Graph diff --git a/model-optimizer/extensions/back/fuse_sub_div_min.py b/model-optimizer/extensions/back/fuse_sub_div_min.py index 63b3c54028800b..9c13708150b12e 100644 --- a/model-optimizer/extensions/back/fuse_sub_div_min.py +++ b/model-optimizer/extensions/back/fuse_sub_div_min.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.elementwise import Sub, Div, Negative diff --git a/model-optimizer/extensions/back/insert_compatibility_l2normalization.py b/model-optimizer/extensions/back/insert_compatibility_l2normalization.py index f982748c38b08c..8d6bf733c1b290 100644 --- a/model-optimizer/extensions/back/insert_compatibility_l2normalization.py +++ b/model-optimizer/extensions/back/insert_compatibility_l2normalization.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/back/insert_compatibility_l2normalization_test.py b/model-optimizer/extensions/back/insert_compatibility_l2normalization_test.py index 33fd4431729f01..5c88dfba0b6267 100644 --- a/model-optimizer/extensions/back/insert_compatibility_l2normalization_test.py +++ b/model-optimizer/extensions/back/insert_compatibility_l2normalization_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/back/kaldi_remove_memory_output.py b/model-optimizer/extensions/back/kaldi_remove_memory_output.py index f1a59833cc621c..96759b025da443 100644 --- a/model-optimizer/extensions/back/kaldi_remove_memory_output.py +++ b/model-optimizer/extensions/back/kaldi_remove_memory_output.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.back.replacement import BackReplacementPattern from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/back/kaldi_remove_memory_output_test.py b/model-optimizer/extensions/back/kaldi_remove_memory_output_test.py index 98f16f96541fc3..b0adddcddbecdf 100644 --- a/model-optimizer/extensions/back/kaldi_remove_memory_output_test.py +++ b/model-optimizer/extensions/back/kaldi_remove_memory_output_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/back/op_versioning.py b/model-optimizer/extensions/back/op_versioning.py index 105d95b79a8896..f8a8141a8c0895 100644 --- a/model-optimizer/extensions/back/op_versioning.py +++ b/model-optimizer/extensions/back/op_versioning.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from mo.back.replacement import BackReplacementPattern diff --git a/model-optimizer/extensions/back/pass_separator.py b/model-optimizer/extensions/back/pass_separator.py index d310bcdafd4c5f..6407598af453ab 100644 --- a/model-optimizer/extensions/back/pass_separator.py +++ b/model-optimizer/extensions/back/pass_separator.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.back.replacement import BackReplacementPattern from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/back/priorbox_mutation.py b/model-optimizer/extensions/back/priorbox_mutation.py index 299404535441b2..9b33a31e028173 100644 --- a/model-optimizer/extensions/back/priorbox_mutation.py +++ b/model-optimizer/extensions/back/priorbox_mutation.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.back.ForceStrictPrecision import ForceStrictPrecision diff --git a/model-optimizer/extensions/back/remove_last_softmax_pattern.py b/model-optimizer/extensions/back/remove_last_softmax_pattern.py index 1d994075a40b37..4b74f8f29c3b6a 100644 --- a/model-optimizer/extensions/back/remove_last_softmax_pattern.py +++ b/model-optimizer/extensions/back/remove_last_softmax_pattern.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from mo.back.replacement import BackReplacementPattern diff --git a/model-optimizer/extensions/back/remove_last_softmax_test.py b/model-optimizer/extensions/back/remove_last_softmax_test.py index 4734ad8c434f32..d9165097617cfb 100644 --- a/model-optimizer/extensions/back/remove_last_softmax_test.py +++ b/model-optimizer/extensions/back/remove_last_softmax_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/ATenToEmbeddingBag.py b/model-optimizer/extensions/front/ATenToEmbeddingBag.py index 0cba134eb1ca78..b8d48a85ea16af 100644 --- a/model-optimizer/extensions/front/ATenToEmbeddingBag.py +++ b/model-optimizer/extensions/front/ATenToEmbeddingBag.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.embedding_bag import EmbeddingBagOffsetsSum, EmbeddingBagPackedSum from extensions.ops.rank import Rank diff --git a/model-optimizer/extensions/front/ATenToEmbeddingBag_test.py b/model-optimizer/extensions/front/ATenToEmbeddingBag_test.py index cced0d7be52e07..31436a037d7a66 100644 --- a/model-optimizer/extensions/front/ATenToEmbeddingBag_test.py +++ b/model-optimizer/extensions/front/ATenToEmbeddingBag_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/ArgMaxSqueeze.py b/model-optimizer/extensions/front/ArgMaxSqueeze.py index 591f3702b9f77f..da8b7283027fe7 100644 --- a/model-optimizer/extensions/front/ArgMaxSqueeze.py +++ b/model-optimizer/extensions/front/ArgMaxSqueeze.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.replacement import FrontReplacementSubgraph from mo.graph.graph import Graph from mo.ops.const import Const diff --git a/model-optimizer/extensions/front/AttributedClampNormalizer.py b/model-optimizer/extensions/front/AttributedClampNormalizer.py index 1ae5c49e240f89..e58eb97525f77e 100644 --- a/model-optimizer/extensions/front/AttributedClampNormalizer.py +++ b/model-optimizer/extensions/front/AttributedClampNormalizer.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.front.common.replacement import FrontReplacementPattern diff --git a/model-optimizer/extensions/front/AttributedClampNormalizer_test.py b/model-optimizer/extensions/front/AttributedClampNormalizer_test.py index 3b8bc03e68a94f..ba7aa09e51a5d2 100644 --- a/model-optimizer/extensions/front/AttributedClampNormalizer_test.py +++ b/model-optimizer/extensions/front/AttributedClampNormalizer_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/AttributedGatherNormalizer.py b/model-optimizer/extensions/front/AttributedGatherNormalizer.py index 36c5765ce9ccd0..6dc473402932f1 100644 --- a/model-optimizer/extensions/front/AttributedGatherNormalizer.py +++ b/model-optimizer/extensions/front/AttributedGatherNormalizer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.gather import Gather from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/front/AttributedPadToPad.py b/model-optimizer/extensions/front/AttributedPadToPad.py index 5ffc0adf01d936..74798722372d33 100644 --- a/model-optimizer/extensions/front/AttributedPadToPad.py +++ b/model-optimizer/extensions/front/AttributedPadToPad.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.replacement import FrontReplacementPattern from mo.graph.graph import Graph, rename_nodes diff --git a/model-optimizer/extensions/front/AttributedPadToPad_test.py b/model-optimizer/extensions/front/AttributedPadToPad_test.py index 6b54b71873d15b..6a878c3daba85e 100644 --- a/model-optimizer/extensions/front/AttributedPadToPad_test.py +++ b/model-optimizer/extensions/front/AttributedPadToPad_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/ChangeCastOutputType.py b/model-optimizer/extensions/front/ChangeCastOutputType.py index aeede43cb0accd..45bd72d2d0fe49 100644 --- a/model-optimizer/extensions/front/ChangeCastOutputType.py +++ b/model-optimizer/extensions/front/ChangeCastOutputType.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/ChangePlaceholderTypes.py b/model-optimizer/extensions/front/ChangePlaceholderTypes.py index 2399298be38e9d..fb432ca9d05720 100644 --- a/model-optimizer/extensions/front/ChangePlaceholderTypes.py +++ b/model-optimizer/extensions/front/ChangePlaceholderTypes.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/DropoutWithRandomUniformReplacer.py b/model-optimizer/extensions/front/DropoutWithRandomUniformReplacer.py index ce5fda18c30095..92a17dca9d1278 100644 --- a/model-optimizer/extensions/front/DropoutWithRandomUniformReplacer.py +++ b/model-optimizer/extensions/front/DropoutWithRandomUniformReplacer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log import numpy as np diff --git a/model-optimizer/extensions/front/DropoutWithRandomUniformReplacer_test.py b/model-optimizer/extensions/front/DropoutWithRandomUniformReplacer_test.py index f09178683a9f22..77f9f9c528465b 100644 --- a/model-optimizer/extensions/front/DropoutWithRandomUniformReplacer_test.py +++ b/model-optimizer/extensions/front/DropoutWithRandomUniformReplacer_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/ExpandDimsToUnsqueeze.py b/model-optimizer/extensions/front/ExpandDimsToUnsqueeze.py index 0c42f64fef3630..8a77b29951ba0d 100644 --- a/model-optimizer/extensions/front/ExpandDimsToUnsqueeze.py +++ b/model-optimizer/extensions/front/ExpandDimsToUnsqueeze.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/FillToBroadcast.py b/model-optimizer/extensions/front/FillToBroadcast.py index ecfd00654a5e0c..503853572d04cf 100644 --- a/model-optimizer/extensions/front/FillToBroadcast.py +++ b/model-optimizer/extensions/front/FillToBroadcast.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/GeLUMerger_Erf.py b/model-optimizer/extensions/front/GeLUMerger_Erf.py index 0230923a5b8917..c35a745fd000ac 100644 --- a/model-optimizer/extensions/front/GeLUMerger_Erf.py +++ b/model-optimizer/extensions/front/GeLUMerger_Erf.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/GeLUMerger_Erf_test.py b/model-optimizer/extensions/front/GeLUMerger_Erf_test.py index 0ac70714318da2..8b8552267628f3 100644 --- a/model-optimizer/extensions/front/GeLUMerger_Erf_test.py +++ b/model-optimizer/extensions/front/GeLUMerger_Erf_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from math import sqrt diff --git a/model-optimizer/extensions/front/GeLUMerger_Tanh.py b/model-optimizer/extensions/front/GeLUMerger_Tanh.py index 08ffc3d41f909b..20664f6ff801a3 100644 --- a/model-optimizer/extensions/front/GeLUMerger_Tanh.py +++ b/model-optimizer/extensions/front/GeLUMerger_Tanh.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/GeLUMerger_Tanh_test.py b/model-optimizer/extensions/front/GeLUMerger_Tanh_test.py index 7677452523f99f..9c29feb98563ae 100644 --- a/model-optimizer/extensions/front/GeLUMerger_Tanh_test.py +++ b/model-optimizer/extensions/front/GeLUMerger_Tanh_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from math import sqrt diff --git a/model-optimizer/extensions/front/HSigmoid_fusion.py b/model-optimizer/extensions/front/HSigmoid_fusion.py index 49ec30035a3c66..a898308d3a1804 100644 --- a/model-optimizer/extensions/front/HSigmoid_fusion.py +++ b/model-optimizer/extensions/front/HSigmoid_fusion.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.front.AttributedClampNormalizer import AttributedClampNormalizer diff --git a/model-optimizer/extensions/front/HSigmoid_fusion_test.py b/model-optimizer/extensions/front/HSigmoid_fusion_test.py index 4118b646d27fcc..3edb80f86eea29 100644 --- a/model-optimizer/extensions/front/HSigmoid_fusion_test.py +++ b/model-optimizer/extensions/front/HSigmoid_fusion_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/HSwish_fusing_test.py b/model-optimizer/extensions/front/HSwish_fusing_test.py index a9e12158368dd5..912ea92ee51880 100644 --- a/model-optimizer/extensions/front/HSwish_fusing_test.py +++ b/model-optimizer/extensions/front/HSwish_fusing_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/HSwish_fusion.py b/model-optimizer/extensions/front/HSwish_fusion.py index 075ed9249aa518..f6907c450730f6 100644 --- a/model-optimizer/extensions/front/HSwish_fusion.py +++ b/model-optimizer/extensions/front/HSwish_fusion.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.front.AttributedClampNormalizer import AttributedClampNormalizer diff --git a/model-optimizer/extensions/front/InterpolateNormalizer.py b/model-optimizer/extensions/front/InterpolateNormalizer.py index d3d66b6feed57e..4f19ccbe48d97a 100644 --- a/model-optimizer/extensions/front/InterpolateNormalizer.py +++ b/model-optimizer/extensions/front/InterpolateNormalizer.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import inspect import logging as log diff --git a/model-optimizer/extensions/front/InterpolateV1ToInterpolate.py b/model-optimizer/extensions/front/InterpolateV1ToInterpolate.py index 906965c8c7557d..31866c0de2da35 100644 --- a/model-optimizer/extensions/front/InterpolateV1ToInterpolate.py +++ b/model-optimizer/extensions/front/InterpolateV1ToInterpolate.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/LayerNorm.py b/model-optimizer/extensions/front/LayerNorm.py index 58e847908104b5..11293e3992427d 100644 --- a/model-optimizer/extensions/front/LayerNorm.py +++ b/model-optimizer/extensions/front/LayerNorm.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/LayerNorm_test.py b/model-optimizer/extensions/front/LayerNorm_test.py index fe34989dee4108..85127c9edc7b79 100644 --- a/model-optimizer/extensions/front/LayerNorm_test.py +++ b/model-optimizer/extensions/front/LayerNorm_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/Log1p.py b/model-optimizer/extensions/front/Log1p.py index 7fb84e69643edd..98d6a6a6a787af 100644 --- a/model-optimizer/extensions/front/Log1p.py +++ b/model-optimizer/extensions/front/Log1p.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.activation_ops import Log diff --git a/model-optimizer/extensions/front/Log1p_test.py b/model-optimizer/extensions/front/Log1p_test.py index ebe7ab6abdd426..4fab1fd5948e41 100644 --- a/model-optimizer/extensions/front/Log1p_test.py +++ b/model-optimizer/extensions/front/Log1p_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/MatMul_normalizer.py b/model-optimizer/extensions/front/MatMul_normalizer.py index 5a70faf0de0e70..81588336d681da 100644 --- a/model-optimizer/extensions/front/MatMul_normalizer.py +++ b/model-optimizer/extensions/front/MatMul_normalizer.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import math import numpy as np diff --git a/model-optimizer/extensions/front/Mish_fusion.py b/model-optimizer/extensions/front/Mish_fusion.py index d0a4c82cffd903..f86ea349944159 100644 --- a/model-optimizer/extensions/front/Mish_fusion.py +++ b/model-optimizer/extensions/front/Mish_fusion.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.front.Softplus_fusion import SoftplusFusion from extensions.ops.activation_ops import Mish diff --git a/model-optimizer/extensions/front/Mish_fusion_test.py b/model-optimizer/extensions/front/Mish_fusion_test.py index ba79b86928aa2b..8febc581acdd67 100644 --- a/model-optimizer/extensions/front/Mish_fusion_test.py +++ b/model-optimizer/extensions/front/Mish_fusion_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/MoveEmbeddedInputsToInputs.py b/model-optimizer/extensions/front/MoveEmbeddedInputsToInputs.py index 1cb0d717244727..a37818271c21ba 100644 --- a/model-optimizer/extensions/front/MoveEmbeddedInputsToInputs.py +++ b/model-optimizer/extensions/front/MoveEmbeddedInputsToInputs.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.front.pass_separator import FrontStart from extensions.front.restore_ports import RestorePorts diff --git a/model-optimizer/extensions/front/OneHotDepthNormalizer.py b/model-optimizer/extensions/front/OneHotDepthNormalizer.py index abc21f126ff348..1e6f6bb44777d1 100644 --- a/model-optimizer/extensions/front/OneHotDepthNormalizer.py +++ b/model-optimizer/extensions/front/OneHotDepthNormalizer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import int64_array from mo.front.common.replacement import FrontReplacementPattern diff --git a/model-optimizer/extensions/front/OneHotDepthNormalizer_test.py b/model-optimizer/extensions/front/OneHotDepthNormalizer_test.py index cfdc746f7d0ae9..159c4f2d5124e6 100644 --- a/model-optimizer/extensions/front/OneHotDepthNormalizer_test.py +++ b/model-optimizer/extensions/front/OneHotDepthNormalizer_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/Pack.py b/model-optimizer/extensions/front/Pack.py index 06487a6b601bec..ad386f8429157a 100644 --- a/model-optimizer/extensions/front/Pack.py +++ b/model-optimizer/extensions/front/Pack.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.partial_infer.utils import int64_array from mo.front.common.replacement import FrontReplacementOp from mo.front.tf.graph_utils import create_op_with_const_inputs diff --git a/model-optimizer/extensions/front/Pack_test.py b/model-optimizer/extensions/front/Pack_test.py index 3faaab30962c3f..21185302f5d524 100644 --- a/model-optimizer/extensions/front/Pack_test.py +++ b/model-optimizer/extensions/front/Pack_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/PowerToEltwises.py b/model-optimizer/extensions/front/PowerToEltwises.py index 063a5b8204bc79..5e2ce2a9f0ec3b 100644 --- a/model-optimizer/extensions/front/PowerToEltwises.py +++ b/model-optimizer/extensions/front/PowerToEltwises.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/Softplus_fusion.py b/model-optimizer/extensions/front/Softplus_fusion.py index 799e1a92a621ea..4d600e1b969b77 100644 --- a/model-optimizer/extensions/front/Softplus_fusion.py +++ b/model-optimizer/extensions/front/Softplus_fusion.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.activation_ops import SoftPlus diff --git a/model-optimizer/extensions/front/Softplus_fusion_test.py b/model-optimizer/extensions/front/Softplus_fusion_test.py index b4d8b1818d1949..1adcd8022ae6d0 100644 --- a/model-optimizer/extensions/front/Softplus_fusion_test.py +++ b/model-optimizer/extensions/front/Softplus_fusion_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/SqueezeNormalize.py b/model-optimizer/extensions/front/SqueezeNormalize.py index ef8efae86833d1..bfc0f6080be12e 100644 --- a/model-optimizer/extensions/front/SqueezeNormalize.py +++ b/model-optimizer/extensions/front/SqueezeNormalize.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/Swish_fusion.py b/model-optimizer/extensions/front/Swish_fusion.py index 9206c270100f45..48cc69ca540fb5 100644 --- a/model-optimizer/extensions/front/Swish_fusion.py +++ b/model-optimizer/extensions/front/Swish_fusion.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.activation_ops import Swish from mo.front.common.replacement import FrontReplacementSubgraph diff --git a/model-optimizer/extensions/front/Swish_fusion_test.py b/model-optimizer/extensions/front/Swish_fusion_test.py index f690fff1b99113..f4620e3b139b22 100644 --- a/model-optimizer/extensions/front/Swish_fusion_test.py +++ b/model-optimizer/extensions/front/Swish_fusion_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/ThresholdedReluDecomposition.py b/model-optimizer/extensions/front/ThresholdedReluDecomposition.py index b547b3dea1f409..4cd590efc728de 100644 --- a/model-optimizer/extensions/front/ThresholdedReluDecomposition.py +++ b/model-optimizer/extensions/front/ThresholdedReluDecomposition.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.Cast import Cast from extensions.ops.elementwise import Greater, Mul diff --git a/model-optimizer/extensions/front/ThresholdedReluDecomposition_test.py b/model-optimizer/extensions/front/ThresholdedReluDecomposition_test.py index 9b927cbab4cf1a..2dc592feeb3f9d 100644 --- a/model-optimizer/extensions/front/ThresholdedReluDecomposition_test.py +++ b/model-optimizer/extensions/front/ThresholdedReluDecomposition_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from extensions.front.ThresholdedReluDecomposition import ThresholdedReluDecomposition diff --git a/model-optimizer/extensions/front/TopKNormalize.py b/model-optimizer/extensions/front/TopKNormalize.py index 525ca1ba000f45..f30112fbe05701 100644 --- a/model-optimizer/extensions/front/TopKNormalize.py +++ b/model-optimizer/extensions/front/TopKNormalize.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/TransposeOrderNormalizer.py b/model-optimizer/extensions/front/TransposeOrderNormalizer.py index 3a618413a9013b..8deff02ab74aac 100644 --- a/model-optimizer/extensions/front/TransposeOrderNormalizer.py +++ b/model-optimizer/extensions/front/TransposeOrderNormalizer.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.front.tf.pad_tf_to_pad import PadTFToPad from mo.front.common.replacement import FrontReplacementSubgraph from mo.front.subgraph_matcher import SubgraphMatch diff --git a/model-optimizer/extensions/front/YOLO.py b/model-optimizer/extensions/front/YOLO.py index ed4f143859b47c..867e839fe3c452 100644 --- a/model-optimizer/extensions/front/YOLO.py +++ b/model-optimizer/extensions/front/YOLO.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.front.no_op_eraser import NoOpEraser from extensions.front.standalone_const_eraser import StandaloneConstEraser diff --git a/model-optimizer/extensions/front/__init__.py b/model-optimizer/extensions/front/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/extensions/front/__init__.py +++ b/model-optimizer/extensions/front/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/extensions/front/binary_quantize_normalization.py b/model-optimizer/extensions/front/binary_quantize_normalization.py index f7943c76b0a6ef..b3ad1ea1f97747 100644 --- a/model-optimizer/extensions/front/binary_quantize_normalization.py +++ b/model-optimizer/extensions/front/binary_quantize_normalization.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/binary_quantize_normalization_test.py b/model-optimizer/extensions/front/binary_quantize_normalization_test.py index 52922b0501e0ae..2b64e1993fa522 100644 --- a/model-optimizer/extensions/front/binary_quantize_normalization_test.py +++ b/model-optimizer/extensions/front/binary_quantize_normalization_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/broadcast_with_range.py b/model-optimizer/extensions/front/broadcast_with_range.py index feb7c67e7a5fe3..77da39a5130929 100644 --- a/model-optimizer/extensions/front/broadcast_with_range.py +++ b/model-optimizer/extensions/front/broadcast_with_range.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/broadcast_with_range_test.py b/model-optimizer/extensions/front/broadcast_with_range_test.py index b0301353de78be..9c1bfb1b5f6252 100644 --- a/model-optimizer/extensions/front/broadcast_with_range_test.py +++ b/model-optimizer/extensions/front/broadcast_with_range_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/caffe/ArgMaxFlatten.py b/model-optimizer/extensions/front/caffe/ArgMaxFlatten.py index 8a44a34f56ea4c..dd7d30919e88a2 100644 --- a/model-optimizer/extensions/front/caffe/ArgMaxFlatten.py +++ b/model-optimizer/extensions/front/caffe/ArgMaxFlatten.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.partial_infer.utils import int64_array from mo.front.common.replacement import FrontReplacementOp from mo.front.tf.graph_utils import create_op_node_with_second_input diff --git a/model-optimizer/extensions/front/caffe/MVNCaffeToMVN.py b/model-optimizer/extensions/front/caffe/MVNCaffeToMVN.py index bd9ebff5c83912..bc027a3087b06a 100644 --- a/model-optimizer/extensions/front/caffe/MVNCaffeToMVN.py +++ b/model-optimizer/extensions/front/caffe/MVNCaffeToMVN.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2017-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.mvn import MVN from extensions.ops.range import Range from extensions.ops.rank import Rank diff --git a/model-optimizer/extensions/front/caffe/MVNCaffeToMVN_test.py b/model-optimizer/extensions/front/caffe/MVNCaffeToMVN_test.py index f91be6d91d3471..76fe876fff9caa 100644 --- a/model-optimizer/extensions/front/caffe/MVNCaffeToMVN_test.py +++ b/model-optimizer/extensions/front/caffe/MVNCaffeToMVN_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/caffe/__init__.py b/model-optimizer/extensions/front/caffe/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/extensions/front/caffe/__init__.py +++ b/model-optimizer/extensions/front/caffe/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/extensions/front/caffe/accum_ext.py b/model-optimizer/extensions/front/caffe/accum_ext.py index 926ea7a6de2126..dda896921d9f84 100644 --- a/model-optimizer/extensions/front/caffe/accum_ext.py +++ b/model-optimizer/extensions/front/caffe/accum_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.accum import AccumOp from mo.front.caffe.collect_attributes import collect_attributes from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/caffe/accum_ext_test.py b/model-optimizer/extensions/front/caffe/accum_ext_test.py index dd2798b83134fa..6c5477cd58585f 100644 --- a/model-optimizer/extensions/front/caffe/accum_ext_test.py +++ b/model-optimizer/extensions/front/caffe/accum_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/argmax_ext.py b/model-optimizer/extensions/front/caffe/argmax_ext.py index 2be7eed9ca1f14..7924592900a5a5 100644 --- a/model-optimizer/extensions/front/caffe/argmax_ext.py +++ b/model-optimizer/extensions/front/caffe/argmax_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.argmax import ArgMaxOp from mo.front.caffe.collect_attributes import merge_attrs from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/caffe/argmax_ext_test.py b/model-optimizer/extensions/front/caffe/argmax_ext_test.py index bcc58313a5878c..0f55d526e2b6ea 100644 --- a/model-optimizer/extensions/front/caffe/argmax_ext_test.py +++ b/model-optimizer/extensions/front/caffe/argmax_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/axpy.py b/model-optimizer/extensions/front/caffe/axpy.py index a48bad6d252ed1..b489e038926b0e 100644 --- a/model-optimizer/extensions/front/caffe/axpy.py +++ b/model-optimizer/extensions/front/caffe/axpy.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.elementwise import Add from mo.front.common.replacement import FrontReplacementOp diff --git a/model-optimizer/extensions/front/caffe/axpy_test.py b/model-optimizer/extensions/front/caffe/axpy_test.py index ee1f1bfb09d220..e1ca7df5fbc7a6 100644 --- a/model-optimizer/extensions/front/caffe/axpy_test.py +++ b/model-optimizer/extensions/front/caffe/axpy_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from extensions.front.caffe.axpy import AxpyToSSandAdd diff --git a/model-optimizer/extensions/front/caffe/batchnorm_ext.py b/model-optimizer/extensions/front/caffe/batchnorm_ext.py index 419fb738f1ae32..16effdffb2719b 100644 --- a/model-optimizer/extensions/front/caffe/batchnorm_ext.py +++ b/model-optimizer/extensions/front/caffe/batchnorm_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.BatchNormInference import BatchNormInference diff --git a/model-optimizer/extensions/front/caffe/binarization.py b/model-optimizer/extensions/front/caffe/binarization.py index d8f7c4b5585eba..f29f19f4a1b89e 100644 --- a/model-optimizer/extensions/front/caffe/binarization.py +++ b/model-optimizer/extensions/front/caffe/binarization.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.fakequantize import FakeQuantize diff --git a/model-optimizer/extensions/front/caffe/binary_conv_ext.py b/model-optimizer/extensions/front/caffe/binary_conv_ext.py index 7463d8ca50e72b..87964017a60d02 100644 --- a/model-optimizer/extensions/front/caffe/binary_conv_ext.py +++ b/model-optimizer/extensions/front/caffe/binary_conv_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.front.caffe.conv_ext import conv_create_attrs, conv_set_params from mo.front.caffe.extractors.utils import weights_biases diff --git a/model-optimizer/extensions/front/caffe/bn.py b/model-optimizer/extensions/front/caffe/bn.py index 4aa3cdc34323fa..dc38504db7e8ec 100644 --- a/model-optimizer/extensions/front/caffe/bn.py +++ b/model-optimizer/extensions/front/caffe/bn.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/caffe/bn_ext.py b/model-optimizer/extensions/front/caffe/bn_ext.py index 39f83be46065f7..0e0da720ab8293 100644 --- a/model-optimizer/extensions/front/caffe/bn_ext.py +++ b/model-optimizer/extensions/front/caffe/bn_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.BN import BN from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/caffe/bn_test.py b/model-optimizer/extensions/front/caffe/bn_test.py index c6be7929e05463..6ea6ed0f0ff8c7 100644 --- a/model-optimizer/extensions/front/caffe/bn_test.py +++ b/model-optimizer/extensions/front/caffe/bn_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np import unittest diff --git a/model-optimizer/extensions/front/caffe/concat_ext.py b/model-optimizer/extensions/front/caffe/concat_ext.py index abbc85cd390f99..a5ac31233aac5e 100644 --- a/model-optimizer/extensions/front/caffe/concat_ext.py +++ b/model-optimizer/extensions/front/caffe/concat_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.ops.concat import Concat diff --git a/model-optimizer/extensions/front/caffe/conv_ext.py b/model-optimizer/extensions/front/caffe/conv_ext.py index d6021cddf4bcdb..f09f7b1fb1e782 100644 --- a/model-optimizer/extensions/front/caffe/conv_ext.py +++ b/model-optimizer/extensions/front/caffe/conv_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/caffe/conv_ext_test.py b/model-optimizer/extensions/front/caffe/conv_ext_test.py index 5feb570a61e4e3..eb1e368e8c75b6 100644 --- a/model-optimizer/extensions/front/caffe/conv_ext_test.py +++ b/model-optimizer/extensions/front/caffe/conv_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/correlation_ext.py b/model-optimizer/extensions/front/caffe/correlation_ext.py index e7a3473c76a349..f63a49be5e7db7 100644 --- a/model-optimizer/extensions/front/caffe/correlation_ext.py +++ b/model-optimizer/extensions/front/caffe/correlation_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.correlation import CorrelationOp from mo.front.caffe.collect_attributes import merge_attrs from mo.front.common.extractors.utils import layout_attrs diff --git a/model-optimizer/extensions/front/caffe/correlation_ext_test.py b/model-optimizer/extensions/front/caffe/correlation_ext_test.py index 62742c5733a018..d526dace33831c 100644 --- a/model-optimizer/extensions/front/caffe/correlation_ext_test.py +++ b/model-optimizer/extensions/front/caffe/correlation_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/crop_ext.py b/model-optimizer/extensions/front/caffe/crop_ext.py index 073e286b4330f0..4cb52303a71ada 100644 --- a/model-optimizer/extensions/front/caffe/crop_ext.py +++ b/model-optimizer/extensions/front/caffe/crop_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.crop import crop_infer from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/caffe/crop_ext_test.py b/model-optimizer/extensions/front/caffe/crop_ext_test.py index 755c0c066d1ae2..295ff6932f4342 100644 --- a/model-optimizer/extensions/front/caffe/crop_ext_test.py +++ b/model-optimizer/extensions/front/caffe/crop_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/ctcgreedydecoder_ext.py b/model-optimizer/extensions/front/caffe/ctcgreedydecoder_ext.py index 04e7758438803f..99ad990898a151 100644 --- a/model-optimizer/extensions/front/caffe/ctcgreedydecoder_ext.py +++ b/model-optimizer/extensions/front/caffe/ctcgreedydecoder_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.ctc_greedy_decoder import CTCGreedyDecoderOp from mo.front.caffe.collect_attributes import merge_attrs from mo.front.common.extractors.utils import layout_attrs diff --git a/model-optimizer/extensions/front/caffe/ctcgreedydecoder_ext_test.py b/model-optimizer/extensions/front/caffe/ctcgreedydecoder_ext_test.py index 81c4f216f8d848..46f1532ddd8fb1 100644 --- a/model-optimizer/extensions/front/caffe/ctcgreedydecoder_ext_test.py +++ b/model-optimizer/extensions/front/caffe/ctcgreedydecoder_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/data_augmentation_ext.py b/model-optimizer/extensions/front/caffe/data_augmentation_ext.py index cd8960392dec8d..19e84bd068a9b9 100644 --- a/model-optimizer/extensions/front/caffe/data_augmentation_ext.py +++ b/model-optimizer/extensions/front/caffe/data_augmentation_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2017-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.data_augmentation import DataAugmentationOp from mo.front.caffe.collect_attributes import merge_attrs from mo.front.caffe.extractors.utils import embed_input diff --git a/model-optimizer/extensions/front/caffe/data_augmentation_ext_test.py b/model-optimizer/extensions/front/caffe/data_augmentation_ext_test.py index efc005ebc06316..facf87ea3ad7b3 100644 --- a/model-optimizer/extensions/front/caffe/data_augmentation_ext_test.py +++ b/model-optimizer/extensions/front/caffe/data_augmentation_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/detection_output.py b/model-optimizer/extensions/front/caffe/detection_output.py index 76c2a8a5a0f69e..1371fe1ffbd5c2 100644 --- a/model-optimizer/extensions/front/caffe/detection_output.py +++ b/model-optimizer/extensions/front/caffe/detection_output.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/caffe/dropout_ext.py b/model-optimizer/extensions/front/caffe/dropout_ext.py index 2737986e83155b..52d860185ca8af 100644 --- a/model-optimizer/extensions/front/caffe/dropout_ext.py +++ b/model-optimizer/extensions/front/caffe/dropout_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.identity import Identity from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/caffe/elementwise_ext.py b/model-optimizer/extensions/front/caffe/elementwise_ext.py index 0c2a19e905ee38..16a128be7ae008 100644 --- a/model-optimizer/extensions/front/caffe/elementwise_ext.py +++ b/model-optimizer/extensions/front/caffe/elementwise_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.elementwise import Add, Mul, Maximum diff --git a/model-optimizer/extensions/front/caffe/elementwise_ext_test.py b/model-optimizer/extensions/front/caffe/elementwise_ext_test.py index bc60a2aa52a0bd..59b83363ed1108 100644 --- a/model-optimizer/extensions/front/caffe/elementwise_ext_test.py +++ b/model-optimizer/extensions/front/caffe/elementwise_ext_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/eltwise_add_normalize.py b/model-optimizer/extensions/front/caffe/eltwise_add_normalize.py index cef2c552f4656e..9aedf8618dfcb5 100644 --- a/model-optimizer/extensions/front/caffe/eltwise_add_normalize.py +++ b/model-optimizer/extensions/front/caffe/eltwise_add_normalize.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.front.eltwise_n import EltwiseNReplacement diff --git a/model-optimizer/extensions/front/caffe/eltwise_add_normalize_test.py b/model-optimizer/extensions/front/caffe/eltwise_add_normalize_test.py index b9fff56b24e392..d347693fec3117 100644 --- a/model-optimizer/extensions/front/caffe/eltwise_add_normalize_test.py +++ b/model-optimizer/extensions/front/caffe/eltwise_add_normalize_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/caffe/elu.py b/model-optimizer/extensions/front/caffe/elu.py index b0380b2e6c654b..1229f23986b328 100644 --- a/model-optimizer/extensions/front/caffe/elu.py +++ b/model-optimizer/extensions/front/caffe/elu.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.activation_ops import Elu from mo.front.caffe.collect_attributes import collect_attributes diff --git a/model-optimizer/extensions/front/caffe/elu_test.py b/model-optimizer/extensions/front/caffe/elu_test.py index 71c1a17447c51c..b5cebf6cc97316 100644 --- a/model-optimizer/extensions/front/caffe/elu_test.py +++ b/model-optimizer/extensions/front/caffe/elu_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/flatten_ext.py b/model-optimizer/extensions/front/caffe/flatten_ext.py index bd25fb0a599f41..702fe6332aad08 100644 --- a/model-optimizer/extensions/front/caffe/flatten_ext.py +++ b/model-optimizer/extensions/front/caffe/flatten_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.ops.flatten import Flatten diff --git a/model-optimizer/extensions/front/caffe/grn_ext.py b/model-optimizer/extensions/front/caffe/grn_ext.py index 0f4daea755d1ae..25177d1b1a2002 100644 --- a/model-optimizer/extensions/front/caffe/grn_ext.py +++ b/model-optimizer/extensions/front/caffe/grn_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.grn import GRNOp from mo.front.caffe.collect_attributes import merge_attrs from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/caffe/grn_ext_test.py b/model-optimizer/extensions/front/caffe/grn_ext_test.py index abafc9c4851dfc..dc8f1d6d99f349 100644 --- a/model-optimizer/extensions/front/caffe/grn_ext_test.py +++ b/model-optimizer/extensions/front/caffe/grn_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/inner_product_ext.py b/model-optimizer/extensions/front/caffe/inner_product_ext.py index 5582650c980c17..538e8c1a2ef8bd 100644 --- a/model-optimizer/extensions/front/caffe/inner_product_ext.py +++ b/model-optimizer/extensions/front/caffe/inner_product_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.MatMul import FullyConnected from mo.front.caffe.extractors.utils import weights_biases diff --git a/model-optimizer/extensions/front/caffe/input_ext.py b/model-optimizer/extensions/front/caffe/input_ext.py index 6af0f1771e2116..f062e5804a2555 100644 --- a/model-optimizer/extensions/front/caffe/input_ext.py +++ b/model-optimizer/extensions/front/caffe/input_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.parameter import Parameter from mo.front.caffe.extractors.utils import dim_to_shape diff --git a/model-optimizer/extensions/front/caffe/interp_ext.py b/model-optimizer/extensions/front/caffe/interp_ext.py index c960f8b393e592..202d65e89de605 100644 --- a/model-optimizer/extensions/front/caffe/interp_ext.py +++ b/model-optimizer/extensions/front/caffe/interp_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.interpolate import Interpolate from mo.front.caffe.collect_attributes import merge_attrs diff --git a/model-optimizer/extensions/front/caffe/lrn_ext.py b/model-optimizer/extensions/front/caffe/lrn_ext.py index ef912a06222142..3982278ead0f6c 100644 --- a/model-optimizer/extensions/front/caffe/lrn_ext.py +++ b/model-optimizer/extensions/front/caffe/lrn_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.extractor import FrontExtractorOp from mo.ops.lrn import AttributedLRN diff --git a/model-optimizer/extensions/front/caffe/mvn_ext.py b/model-optimizer/extensions/front/caffe/mvn_ext.py index 599731c7f34a2a..c77bbb547d8882 100644 --- a/model-optimizer/extensions/front/caffe/mvn_ext.py +++ b/model-optimizer/extensions/front/caffe/mvn_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.mvn import MVNCaffe from mo.front.caffe.collect_attributes import collect_attributes from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/caffe/normalize_ext.py b/model-optimizer/extensions/front/caffe/normalize_ext.py index f325aab071f747..b99e9e0b5d1b31 100644 --- a/model-optimizer/extensions/front/caffe/normalize_ext.py +++ b/model-optimizer/extensions/front/caffe/normalize_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.normalize import NormalizeOp from mo.front.caffe.collect_attributes import collect_attributes from mo.front.caffe.extractors.utils import weights_biases diff --git a/model-optimizer/extensions/front/caffe/normalize_ext_test.py b/model-optimizer/extensions/front/caffe/normalize_ext_test.py index bd998bec9fe3ab..be2041cc03e524 100644 --- a/model-optimizer/extensions/front/caffe/normalize_ext_test.py +++ b/model-optimizer/extensions/front/caffe/normalize_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/permute_ext.py b/model-optimizer/extensions/front/caffe/permute_ext.py index 98c7b7fcaa13c7..a0d298eb411f14 100644 --- a/model-optimizer/extensions/front/caffe/permute_ext.py +++ b/model-optimizer/extensions/front/caffe/permute_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/caffe/pooling_ext.py b/model-optimizer/extensions/front/caffe/pooling_ext.py index 873e0d38be43df..e16f0e5acd9adf 100644 --- a/model-optimizer/extensions/front/caffe/pooling_ext.py +++ b/model-optimizer/extensions/front/caffe/pooling_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.front.caffe.extractors.utils import get_spatial_attr diff --git a/model-optimizer/extensions/front/caffe/pooling_ext_test.py b/model-optimizer/extensions/front/caffe/pooling_ext_test.py index c5ada7f7787052..2fff102e87622c 100644 --- a/model-optimizer/extensions/front/caffe/pooling_ext_test.py +++ b/model-optimizer/extensions/front/caffe/pooling_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/caffe/power_file_ext.py b/model-optimizer/extensions/front/caffe/power_file_ext.py index e05c2c5ee7d8da..5c2a6a42ea4658 100644 --- a/model-optimizer/extensions/front/caffe/power_file_ext.py +++ b/model-optimizer/extensions/front/caffe/power_file_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.power_file import PowerFileOp from mo.front.caffe.collect_attributes import collect_attributes from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/caffe/power_file_ext_test.py b/model-optimizer/extensions/front/caffe/power_file_ext_test.py index e561dda469320c..7984735f6eae9d 100644 --- a/model-optimizer/extensions/front/caffe/power_file_ext_test.py +++ b/model-optimizer/extensions/front/caffe/power_file_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/prelu_ext.py b/model-optimizer/extensions/front/caffe/prelu_ext.py index fe541d86a08033..41187003856c39 100644 --- a/model-optimizer/extensions/front/caffe/prelu_ext.py +++ b/model-optimizer/extensions/front/caffe/prelu_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.prelu import PReLU from mo.front.caffe.collect_attributes import merge_attrs from mo.front.caffe.extractors.utils import weights_biases diff --git a/model-optimizer/extensions/front/caffe/prelu_ext_test.py b/model-optimizer/extensions/front/caffe/prelu_ext_test.py index a04ae5b306e2d8..3aacb165d03e2b 100644 --- a/model-optimizer/extensions/front/caffe/prelu_ext_test.py +++ b/model-optimizer/extensions/front/caffe/prelu_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/priorbox_clustered_ext.py b/model-optimizer/extensions/front/caffe/priorbox_clustered_ext.py index 6d954e75afb8ae..475b6e24e2994c 100644 --- a/model-optimizer/extensions/front/caffe/priorbox_clustered_ext.py +++ b/model-optimizer/extensions/front/caffe/priorbox_clustered_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.priorbox_clustered import PriorBoxClusteredOp from mo.front.caffe.collect_attributes import merge_attrs from mo.front.common.extractors.utils import layout_attrs diff --git a/model-optimizer/extensions/front/caffe/priorbox_clustered_ext_test.py b/model-optimizer/extensions/front/caffe/priorbox_clustered_ext_test.py index 4ee4fda82d8b19..a5081500389267 100644 --- a/model-optimizer/extensions/front/caffe/priorbox_clustered_ext_test.py +++ b/model-optimizer/extensions/front/caffe/priorbox_clustered_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/priorbox_ext.py b/model-optimizer/extensions/front/caffe/priorbox_ext.py index d99accd8ef87c0..5ef4162746a240 100644 --- a/model-optimizer/extensions/front/caffe/priorbox_ext.py +++ b/model-optimizer/extensions/front/caffe/priorbox_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.priorbox import PriorBoxOp diff --git a/model-optimizer/extensions/front/caffe/priorbox_ext_test.py b/model-optimizer/extensions/front/caffe/priorbox_ext_test.py index bb5feee12fcdb4..a3a12b680d99a6 100644 --- a/model-optimizer/extensions/front/caffe/priorbox_ext_test.py +++ b/model-optimizer/extensions/front/caffe/priorbox_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/proposal_ext.py b/model-optimizer/extensions/front/caffe/proposal_ext.py index d6ebc07e96ae6d..9019a1c7e8e3a9 100644 --- a/model-optimizer/extensions/front/caffe/proposal_ext.py +++ b/model-optimizer/extensions/front/caffe/proposal_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.proposal import ProposalOp diff --git a/model-optimizer/extensions/front/caffe/proposal_ext_test.py b/model-optimizer/extensions/front/caffe/proposal_ext_test.py index b248b6fd8c25a0..8a5ea3285f64a0 100644 --- a/model-optimizer/extensions/front/caffe/proposal_ext_test.py +++ b/model-optimizer/extensions/front/caffe/proposal_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/proposal_python_ext.py b/model-optimizer/extensions/front/caffe/proposal_python_ext.py index e392a113a6c0b7..706533345ba7d3 100644 --- a/model-optimizer/extensions/front/caffe/proposal_python_ext.py +++ b/model-optimizer/extensions/front/caffe/proposal_python_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from extensions.ops.proposal import ProposalOp diff --git a/model-optimizer/extensions/front/caffe/proposal_python_ext_test.py b/model-optimizer/extensions/front/caffe/proposal_python_ext_test.py index 24cbe2fdff705d..fb496bd7f75b73 100644 --- a/model-optimizer/extensions/front/caffe/proposal_python_ext_test.py +++ b/model-optimizer/extensions/front/caffe/proposal_python_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/caffe/psroipooling_ext.py b/model-optimizer/extensions/front/caffe/psroipooling_ext.py index f077ae08cadccb..c605035932a0f7 100644 --- a/model-optimizer/extensions/front/caffe/psroipooling_ext.py +++ b/model-optimizer/extensions/front/caffe/psroipooling_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.psroipooling import PSROIPoolingOp from mo.front.caffe.collect_attributes import merge_attrs from mo.front.common.extractors.utils import layout_attrs diff --git a/model-optimizer/extensions/front/caffe/regionyolo_ext.py b/model-optimizer/extensions/front/caffe/regionyolo_ext.py index f30c1bad83dcbc..540035d9a9e738 100644 --- a/model-optimizer/extensions/front/caffe/regionyolo_ext.py +++ b/model-optimizer/extensions/front/caffe/regionyolo_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.regionyolo import RegionYoloOp diff --git a/model-optimizer/extensions/front/caffe/regionyolo_ext_test.py b/model-optimizer/extensions/front/caffe/regionyolo_ext_test.py index e35328075f2f1a..6400b70055fc3e 100644 --- a/model-optimizer/extensions/front/caffe/regionyolo_ext_test.py +++ b/model-optimizer/extensions/front/caffe/regionyolo_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/relu6.py b/model-optimizer/extensions/front/caffe/relu6.py index 07a7c248189253..be0fcf803c37b6 100644 --- a/model-optimizer/extensions/front/caffe/relu6.py +++ b/model-optimizer/extensions/front/caffe/relu6.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.activation_ops import ReLU6 from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/caffe/relu_ext.py b/model-optimizer/extensions/front/caffe/relu_ext.py index 7563afc4d247e9..10723bd4d6027f 100644 --- a/model-optimizer/extensions/front/caffe/relu_ext.py +++ b/model-optimizer/extensions/front/caffe/relu_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.activation_ops import LeakyReLU, ReLU from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/caffe/reorgyolo_ext.py b/model-optimizer/extensions/front/caffe/reorgyolo_ext.py index cfe590e8bf8cf1..44db8ce9346185 100644 --- a/model-optimizer/extensions/front/caffe/reorgyolo_ext.py +++ b/model-optimizer/extensions/front/caffe/reorgyolo_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.reorgyolo import ReorgYoloOp from mo.front.caffe.collect_attributes import merge_attrs from mo.front.common.extractors.utils import layout_attrs diff --git a/model-optimizer/extensions/front/caffe/reorgyolo_ext_test.py b/model-optimizer/extensions/front/caffe/reorgyolo_ext_test.py index e45801d4114e61..2f3cfde2627bf4 100644 --- a/model-optimizer/extensions/front/caffe/reorgyolo_ext_test.py +++ b/model-optimizer/extensions/front/caffe/reorgyolo_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/resample_ext.py b/model-optimizer/extensions/front/caffe/resample_ext.py index 28e051845e4874..7c9a74d2c99b06 100644 --- a/model-optimizer/extensions/front/caffe/resample_ext.py +++ b/model-optimizer/extensions/front/caffe/resample_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.interpolate import Interpolate from mo.front.caffe.collect_attributes import merge_attrs from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/front/caffe/reshape.py b/model-optimizer/extensions/front/caffe/reshape.py index b66f81e416a15f..08f3ed05a5f0c6 100644 --- a/model-optimizer/extensions/front/caffe/reshape.py +++ b/model-optimizer/extensions/front/caffe/reshape.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/caffe/roipooling_ext.py b/model-optimizer/extensions/front/caffe/roipooling_ext.py index 76cbd4fd3925b0..3b39e436e67f19 100644 --- a/model-optimizer/extensions/front/caffe/roipooling_ext.py +++ b/model-optimizer/extensions/front/caffe/roipooling_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.ops.roipooling import ROIPooling diff --git a/model-optimizer/extensions/front/caffe/scale_ext.py b/model-optimizer/extensions/front/caffe/scale_ext.py index 53c5a1a323b396..bd54581453811e 100644 --- a/model-optimizer/extensions/front/caffe/scale_ext.py +++ b/model-optimizer/extensions/front/caffe/scale_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/caffe/shufflechannel_ext.py b/model-optimizer/extensions/front/caffe/shufflechannel_ext.py index 77ce8ee25a465e..d04e3064c68a55 100644 --- a/model-optimizer/extensions/front/caffe/shufflechannel_ext.py +++ b/model-optimizer/extensions/front/caffe/shufflechannel_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.shufflechannel import ShuffleChannels from mo.front.caffe.collect_attributes import collect_attributes from mo.front.common.extractors.utils import layout_attrs diff --git a/model-optimizer/extensions/front/caffe/sigmoid.py b/model-optimizer/extensions/front/caffe/sigmoid.py index 0f9701cb5a847a..17fabc1135536b 100644 --- a/model-optimizer/extensions/front/caffe/sigmoid.py +++ b/model-optimizer/extensions/front/caffe/sigmoid.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.activation_ops import Sigmoid from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/caffe/simplernms_ext.py b/model-optimizer/extensions/front/caffe/simplernms_ext.py index 9183091f799cca..09b6fcab09232a 100644 --- a/model-optimizer/extensions/front/caffe/simplernms_ext.py +++ b/model-optimizer/extensions/front/caffe/simplernms_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.simplernms import SimplerNMSOp from mo.front.caffe.collect_attributes import merge_attrs from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/caffe/simplernms_ext_test.py b/model-optimizer/extensions/front/caffe/simplernms_ext_test.py index ebb0b3788e3eb0..af7420d4c5fd9a 100644 --- a/model-optimizer/extensions/front/caffe/simplernms_ext_test.py +++ b/model-optimizer/extensions/front/caffe/simplernms_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/slice_ext.py b/model-optimizer/extensions/front/caffe/slice_ext.py index c75ed8b9da206c..d71a72573c3f54 100644 --- a/model-optimizer/extensions/front/caffe/slice_ext.py +++ b/model-optimizer/extensions/front/caffe/slice_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import int64_array from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/caffe/slice_to_split.py b/model-optimizer/extensions/front/caffe/slice_to_split.py index 4d2fe02b2a0906..96d19f89596d03 100644 --- a/model-optimizer/extensions/front/caffe/slice_to_split.py +++ b/model-optimizer/extensions/front/caffe/slice_to_split.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/caffe/softmax_ext.py b/model-optimizer/extensions/front/caffe/softmax_ext.py index 924da4d0f01483..6e75866ff5f816 100644 --- a/model-optimizer/extensions/front/caffe/softmax_ext.py +++ b/model-optimizer/extensions/front/caffe/softmax_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.ops.softmax import Softmax diff --git a/model-optimizer/extensions/front/caffe/spatial_transformer_ext.py b/model-optimizer/extensions/front/caffe/spatial_transformer_ext.py index 890b9cacb03649..7227196d532bb5 100644 --- a/model-optimizer/extensions/front/caffe/spatial_transformer_ext.py +++ b/model-optimizer/extensions/front/caffe/spatial_transformer_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.spatial_transformer import SpatialTransformOp from mo.front.caffe.collect_attributes import merge_attrs from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/caffe/spatial_transformer_ext_test.py b/model-optimizer/extensions/front/caffe/spatial_transformer_ext_test.py index 42e7497bf995c5..059903cbd1f362 100644 --- a/model-optimizer/extensions/front/caffe/spatial_transformer_ext_test.py +++ b/model-optimizer/extensions/front/caffe/spatial_transformer_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/extensions/front/caffe/split_to_identity.py b/model-optimizer/extensions/front/caffe/split_to_identity.py index df9cd49a75b783..423fd7389f6e95 100644 --- a/model-optimizer/extensions/front/caffe/split_to_identity.py +++ b/model-optimizer/extensions/front/caffe/split_to_identity.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.identity import Identity from mo.front.common.replacement import FrontReplacementOp from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/front/caffe/tanh.py b/model-optimizer/extensions/front/caffe/tanh.py index 9d0253831e934b..b73fa00a3f456f 100644 --- a/model-optimizer/extensions/front/caffe/tanh.py +++ b/model-optimizer/extensions/front/caffe/tanh.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.activation_ops import Tanh from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/create_tensor_nodes.py b/model-optimizer/extensions/front/create_tensor_nodes.py index 363fd3207c8ab6..e54332ff4429a9 100644 --- a/model-optimizer/extensions/front/create_tensor_nodes.py +++ b/model-optimizer/extensions/front/create_tensor_nodes.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.replacement import FrontReplacementPattern from mo.front.extractor import create_tensor_nodes from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/front/disable_weights_quantize_value_propagation.py b/model-optimizer/extensions/front/disable_weights_quantize_value_propagation.py index 5e59176d0b0446..96ffb303b3ceff 100644 --- a/model-optimizer/extensions/front/disable_weights_quantize_value_propagation.py +++ b/model-optimizer/extensions/front/disable_weights_quantize_value_propagation.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.front.tf.FakeQuantWithMinMaxVars import FakeQuantWithMinMaxVarsToQuantize from mo.front.common.replacement import FrontReplacementPattern from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/front/div.py b/model-optimizer/extensions/front/div.py index 56624ce57c123c..1e6f32c9f59551 100644 --- a/model-optimizer/extensions/front/div.py +++ b/model-optimizer/extensions/front/div.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/div_test.py b/model-optimizer/extensions/front/div_test.py index 5c67c626186fce..9d32f1d2da76c9 100644 --- a/model-optimizer/extensions/front/div_test.py +++ b/model-optimizer/extensions/front/div_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/eltwise_n.py b/model-optimizer/extensions/front/eltwise_n.py index 9b2c34a8961efb..aaba8c320518ba 100644 --- a/model-optimizer/extensions/front/eltwise_n.py +++ b/model-optimizer/extensions/front/eltwise_n.py @@ -1,19 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.elementwise import Add, Maximum, Minimum, Mul from mo.front.common.replacement import FrontReplacementOp diff --git a/model-optimizer/extensions/front/eltwise_n_test.py b/model-optimizer/extensions/front/eltwise_n_test.py index 18fe36e531bbec..46705e2c8b4311 100644 --- a/model-optimizer/extensions/front/eltwise_n_test.py +++ b/model-optimizer/extensions/front/eltwise_n_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/flatten_to_reshape.py b/model-optimizer/extensions/front/flatten_to_reshape.py index 37a8551531c4e8..4ee70725a69cca 100644 --- a/model-optimizer/extensions/front/flatten_to_reshape.py +++ b/model-optimizer/extensions/front/flatten_to_reshape.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.front.rank_decomposer import RankDecomposer from extensions.ops.ReduceOps import ReduceProd from extensions.ops.rank import Rank diff --git a/model-optimizer/extensions/front/freeze_placeholder_value.py b/model-optimizer/extensions/front/freeze_placeholder_value.py index a2b8a4a31756b3..9c905841ff9358 100644 --- a/model-optimizer/extensions/front/freeze_placeholder_value.py +++ b/model-optimizer/extensions/front/freeze_placeholder_value.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/freeze_placeholder_value_test.py b/model-optimizer/extensions/front/freeze_placeholder_value_test.py index 46fcfaf765f981..421d566fa3e0a2 100644 --- a/model-optimizer/extensions/front/freeze_placeholder_value_test.py +++ b/model-optimizer/extensions/front/freeze_placeholder_value_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/global_pooling_to_reduce.py b/model-optimizer/extensions/front/global_pooling_to_reduce.py index 1771cee4e99e67..135dd22548cdac 100644 --- a/model-optimizer/extensions/front/global_pooling_to_reduce.py +++ b/model-optimizer/extensions/front/global_pooling_to_reduce.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/image_scaler.py b/model-optimizer/extensions/front/image_scaler.py index b5cf0c564d89b2..b1331705c30da9 100644 --- a/model-optimizer/extensions/front/image_scaler.py +++ b/model-optimizer/extensions/front/image_scaler.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/image_scaler_test.py b/model-optimizer/extensions/front/image_scaler_test.py index b68af930633cdd..521e2ccb1cf470 100644 --- a/model-optimizer/extensions/front/image_scaler_test.py +++ b/model-optimizer/extensions/front/image_scaler_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/input_cut.py b/model-optimizer/extensions/front/input_cut.py index 1716e86ec31841..a93347ab5d9152 100644 --- a/model-optimizer/extensions/front/input_cut.py +++ b/model-optimizer/extensions/front/input_cut.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.replacement import FrontReplacementPattern from mo.front.extractor import add_input_ops from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/front/instance_normalization.py b/model-optimizer/extensions/front/instance_normalization.py index d4f9917e832a27..57025ddda33d35 100644 --- a/model-optimizer/extensions/front/instance_normalization.py +++ b/model-optimizer/extensions/front/instance_normalization.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.elementwise import Add, Mul from extensions.ops.mvn import MVN diff --git a/model-optimizer/extensions/front/instance_normalization_test.py b/model-optimizer/extensions/front/instance_normalization_test.py index 91ad4a5646b258..b8d0fdd30d5171 100644 --- a/model-optimizer/extensions/front/instance_normalization_test.py +++ b/model-optimizer/extensions/front/instance_normalization_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/interpolate_reshape.py b/model-optimizer/extensions/front/interpolate_reshape.py index 0f2ebb05bb83a9..16a31a847d1a56 100644 --- a/model-optimizer/extensions/front/interpolate_reshape.py +++ b/model-optimizer/extensions/front/interpolate_reshape.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.gather import Gather diff --git a/model-optimizer/extensions/front/interpolate_reshape_test.py b/model-optimizer/extensions/front/interpolate_reshape_test.py index 851b2193988194..0fc090f8897a34 100644 --- a/model-optimizer/extensions/front/interpolate_reshape_test.py +++ b/model-optimizer/extensions/front/interpolate_reshape_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/extensions/front/kaldi/__init__.py b/model-optimizer/extensions/front/kaldi/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/extensions/front/kaldi/__init__.py +++ b/model-optimizer/extensions/front/kaldi/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/extensions/front/kaldi/add_permute_after_convolution.py b/model-optimizer/extensions/front/kaldi/add_permute_after_convolution.py index 2ca03a6f6ced98..8511bbc8d747d4 100644 --- a/model-optimizer/extensions/front/kaldi/add_permute_after_convolution.py +++ b/model-optimizer/extensions/front/kaldi/add_permute_after_convolution.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from collections import deque from extensions.front.MatMul_normalizer import FullyConnectedDecomposer diff --git a/model-optimizer/extensions/front/kaldi/add_permute_after_convolution_test.py b/model-optimizer/extensions/front/kaldi/add_permute_after_convolution_test.py index 18ca7293e3ab33..28017a2509a3f2 100644 --- a/model-optimizer/extensions/front/kaldi/add_permute_after_convolution_test.py +++ b/model-optimizer/extensions/front/kaldi/add_permute_after_convolution_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/extensions/front/kaldi/add_reshape_around_convolution.py b/model-optimizer/extensions/front/kaldi/add_reshape_around_convolution.py index fceaad584e6de5..6708ca737aec7f 100644 --- a/model-optimizer/extensions/front/kaldi/add_reshape_around_convolution.py +++ b/model-optimizer/extensions/front/kaldi/add_reshape_around_convolution.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.Cast import Cast diff --git a/model-optimizer/extensions/front/kaldi/add_reshape_around_pooling.py b/model-optimizer/extensions/front/kaldi/add_reshape_around_pooling.py index 4672a7b7cd4b1b..0bead3863d792b 100644 --- a/model-optimizer/extensions/front/kaldi/add_reshape_around_pooling.py +++ b/model-optimizer/extensions/front/kaldi/add_reshape_around_pooling.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.Cast import Cast diff --git a/model-optimizer/extensions/front/kaldi/apply_counts.py b/model-optimizer/extensions/front/kaldi/apply_counts.py index c649d1bcf58348..6720ce800d757c 100644 --- a/model-optimizer/extensions/front/kaldi/apply_counts.py +++ b/model-optimizer/extensions/front/kaldi/apply_counts.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.elementwise import Add diff --git a/model-optimizer/extensions/front/kaldi/apply_counts_test.py b/model-optimizer/extensions/front/kaldi/apply_counts_test.py index e817b52d0169a5..153d85d96cdbf0 100644 --- a/model-optimizer/extensions/front/kaldi/apply_counts_test.py +++ b/model-optimizer/extensions/front/kaldi/apply_counts_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/kaldi/logsoftmax_component_ext.py b/model-optimizer/extensions/front/kaldi/logsoftmax_component_ext.py index 442477b47bd766..76d42c2803e8b9 100644 --- a/model-optimizer/extensions/front/kaldi/logsoftmax_component_ext.py +++ b/model-optimizer/extensions/front/kaldi/logsoftmax_component_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.ops.log_softmax import LogSoftmax from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/kaldi/memory_offset_adjustment.py b/model-optimizer/extensions/front/kaldi/memory_offset_adjustment.py index e8a89836b6df03..d1e38efdf58e16 100644 --- a/model-optimizer/extensions/front/kaldi/memory_offset_adjustment.py +++ b/model-optimizer/extensions/front/kaldi/memory_offset_adjustment.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import networkx as nx from mo.front.common.replacement import FrontReplacementSubgraph diff --git a/model-optimizer/extensions/front/kaldi/memory_offset_adjustment_test.py b/model-optimizer/extensions/front/kaldi/memory_offset_adjustment_test.py index 15afa49edcf35a..85137a2c057709 100644 --- a/model-optimizer/extensions/front/kaldi/memory_offset_adjustment_test.py +++ b/model-optimizer/extensions/front/kaldi/memory_offset_adjustment_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from extensions.front.kaldi.memory_offset_adjustment import MemoryOffsetAdjustment diff --git a/model-optimizer/extensions/front/kaldi/replace_eltwise_nin1.py b/model-optimizer/extensions/front/kaldi/replace_eltwise_nin1.py index 25d296ff4f6db2..d503168432bddf 100644 --- a/model-optimizer/extensions/front/kaldi/replace_eltwise_nin1.py +++ b/model-optimizer/extensions/front/kaldi/replace_eltwise_nin1.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.elementwise import Add, Mul from extensions.ops.split import Split from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/front/kaldi/replace_lstm_node_pattern.py b/model-optimizer/extensions/front/kaldi/replace_lstm_node_pattern.py index a28bb21ec4c1f3..bc74b1500fff2c 100644 --- a/model-optimizer/extensions/front/kaldi/replace_lstm_node_pattern.py +++ b/model-optimizer/extensions/front/kaldi/replace_lstm_node_pattern.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.MatMul import FullyConnected diff --git a/model-optimizer/extensions/front/kaldi/replace_lstm_nonlinearity.py b/model-optimizer/extensions/front/kaldi/replace_lstm_nonlinearity.py index c21ca33cabb9d5..14d56c789fd15f 100644 --- a/model-optimizer/extensions/front/kaldi/replace_lstm_nonlinearity.py +++ b/model-optimizer/extensions/front/kaldi/replace_lstm_nonlinearity.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.activation_ops import Sigmoid, Tanh diff --git a/model-optimizer/extensions/front/kaldi/replace_lstm_nonlinearity_test.py b/model-optimizer/extensions/front/kaldi/replace_lstm_nonlinearity_test.py index b2840415ad68b4..8b875b2f72c7e9 100644 --- a/model-optimizer/extensions/front/kaldi/replace_lstm_nonlinearity_test.py +++ b/model-optimizer/extensions/front/kaldi/replace_lstm_nonlinearity_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/extensions/front/kaldi/set_ports.py b/model-optimizer/extensions/front/kaldi/set_ports.py index f2614362c6a365..022cb1c7debe88 100644 --- a/model-optimizer/extensions/front/kaldi/set_ports.py +++ b/model-optimizer/extensions/front/kaldi/set_ports.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.replacement import FrontReplacementSubgraph from mo.graph.graph import Node, Graph diff --git a/model-optimizer/extensions/front/kaldi/sigmoid_ext.py b/model-optimizer/extensions/front/kaldi/sigmoid_ext.py index daf624c33448c4..f253d1bd8cdd3b 100644 --- a/model-optimizer/extensions/front/kaldi/sigmoid_ext.py +++ b/model-optimizer/extensions/front/kaldi/sigmoid_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.activation_ops import Sigmoid from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/kaldi/sigmoid_ext_test.py b/model-optimizer/extensions/front/kaldi/sigmoid_ext_test.py index 9c87652456166e..b4b003d0a08f31 100644 --- a/model-optimizer/extensions/front/kaldi/sigmoid_ext_test.py +++ b/model-optimizer/extensions/front/kaldi/sigmoid_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.front.kaldi.sigmoid_ext import SigmoidFrontExtractor from extensions.ops.activation_ops import Sigmoid diff --git a/model-optimizer/extensions/front/kaldi/split_recurrent_memoryoffset.py b/model-optimizer/extensions/front/kaldi/split_recurrent_memoryoffset.py index e10c1058fa3eb5..69611a75defec4 100644 --- a/model-optimizer/extensions/front/kaldi/split_recurrent_memoryoffset.py +++ b/model-optimizer/extensions/front/kaldi/split_recurrent_memoryoffset.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import networkx as nx from mo.front.common.replacement import FrontReplacementSubgraph diff --git a/model-optimizer/extensions/front/kaldi/tanh_component_ext.py b/model-optimizer/extensions/front/kaldi/tanh_component_ext.py index 068274abf7cc2c..b8c364824eaa2d 100644 --- a/model-optimizer/extensions/front/kaldi/tanh_component_ext.py +++ b/model-optimizer/extensions/front/kaldi/tanh_component_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.activation_ops import Tanh from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/kaldi/tanh_ext_test.py b/model-optimizer/extensions/front/kaldi/tanh_ext_test.py index 455ce8461e04ab..c75cf66c68b319 100644 --- a/model-optimizer/extensions/front/kaldi/tanh_ext_test.py +++ b/model-optimizer/extensions/front/kaldi/tanh_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.front.kaldi.tanh_component_ext import TanhFrontExtractor from extensions.ops.activation_ops import Tanh diff --git a/model-optimizer/extensions/front/kaldi/tdnn_component_replacer.py b/model-optimizer/extensions/front/kaldi/tdnn_component_replacer.py index 684f69bdc9ee25..8452c1ed80e17c 100644 --- a/model-optimizer/extensions/front/kaldi/tdnn_component_replacer.py +++ b/model-optimizer/extensions/front/kaldi/tdnn_component_replacer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.MatMul import FullyConnected from mo.front.common.replacement import FrontReplacementPattern diff --git a/model-optimizer/extensions/front/kaldi/tdnn_component_replacer_test.py b/model-optimizer/extensions/front/kaldi/tdnn_component_replacer_test.py index 74b2406a647816..17ef9cb9f2fc1f 100644 --- a/model-optimizer/extensions/front/kaldi/tdnn_component_replacer_test.py +++ b/model-optimizer/extensions/front/kaldi/tdnn_component_replacer_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/extensions/front/mxnet/MXRepeatReplacer.py b/model-optimizer/extensions/front/mxnet/MXRepeatReplacer.py index 56c2b4b71b05de..70c64a0f3712f6 100644 --- a/model-optimizer/extensions/front/mxnet/MXRepeatReplacer.py +++ b/model-optimizer/extensions/front/mxnet/MXRepeatReplacer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.front.rank_decomposer import RankDecomposer from extensions.ops.elementwise import Add, Sub, Mul diff --git a/model-optimizer/extensions/front/mxnet/RNN_ext.py b/model-optimizer/extensions/front/mxnet/RNN_ext.py index 4110e3d92a9c55..753e3968d15cce 100644 --- a/model-optimizer/extensions/front/mxnet/RNN_ext.py +++ b/model-optimizer/extensions/front/mxnet/RNN_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.GRU import GRU from extensions.ops.LSTM import LSTM from extensions.ops.RNN import RNN diff --git a/model-optimizer/extensions/front/mxnet/RNN_ext_test.py b/model-optimizer/extensions/front/mxnet/RNN_ext_test.py index 7c2151ef903ce0..d016a0a7e4b6c6 100644 --- a/model-optimizer/extensions/front/mxnet/RNN_ext_test.py +++ b/model-optimizer/extensions/front/mxnet/RNN_ext_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/extensions/front/mxnet/__init__.py b/model-optimizer/extensions/front/mxnet/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/extensions/front/mxnet/__init__.py +++ b/model-optimizer/extensions/front/mxnet/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/extensions/front/mxnet/activation.py b/model-optimizer/extensions/front/mxnet/activation.py index 0820641ad56d9b..ab7f3e912d2e37 100644 --- a/model-optimizer/extensions/front/mxnet/activation.py +++ b/model-optimizer/extensions/front/mxnet/activation.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.activation_ops import SoftPlus, Sigmoid, Tanh, ReLU, Asinh, Acosh, Atanh from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/activation_test.py b/model-optimizer/extensions/front/mxnet/activation_test.py index 9f13f493165507..50e53ebb3715e0 100644 --- a/model-optimizer/extensions/front/mxnet/activation_test.py +++ b/model-optimizer/extensions/front/mxnet/activation_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/mxnet/adaptive_avg_pooling_ext.py b/model-optimizer/extensions/front/mxnet/adaptive_avg_pooling_ext.py index 4a3006f2ef1fdf..0a92eaa7f331ae 100644 --- a/model-optimizer/extensions/front/mxnet/adaptive_avg_pooling_ext.py +++ b/model-optimizer/extensions/front/mxnet/adaptive_avg_pooling_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.adaptive_avg_pooling import AdaptiveAvgPooling from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/add_input_data_to_prior_boxes.py b/model-optimizer/extensions/front/mxnet/add_input_data_to_prior_boxes.py index 94c3b0080cd140..2defe2031dabd9 100644 --- a/model-optimizer/extensions/front/mxnet/add_input_data_to_prior_boxes.py +++ b/model-optimizer/extensions/front/mxnet/add_input_data_to_prior_boxes.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.replacement import FrontReplacementPattern from mo.graph.graph import Graph, Node diff --git a/model-optimizer/extensions/front/mxnet/add_input_data_to_prior_boxes_test.py b/model-optimizer/extensions/front/mxnet/add_input_data_to_prior_boxes_test.py index 5f831bea80aa26..aff09d11766d7d 100644 --- a/model-optimizer/extensions/front/mxnet/add_input_data_to_prior_boxes_test.py +++ b/model-optimizer/extensions/front/mxnet/add_input_data_to_prior_boxes_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from argparse import Namespace diff --git a/model-optimizer/extensions/front/mxnet/arange_ext.py b/model-optimizer/extensions/front/mxnet/arange_ext.py index e69960fc13118f..36c367c1932094 100644 --- a/model-optimizer/extensions/front/mxnet/arange_ext.py +++ b/model-optimizer/extensions/front/mxnet/arange_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/mxnet/arange_replacer.py b/model-optimizer/extensions/front/mxnet/arange_replacer.py index d33eff48e9290f..0da60e076ebbf5 100644 --- a/model-optimizer/extensions/front/mxnet/arange_replacer.py +++ b/model-optimizer/extensions/front/mxnet/arange_replacer.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.front.mxnet.MXRepeatReplacer import MXRepeatReplacer from extensions.ops.mxrepeat import MXRepeat from mo.front.common.replacement import FrontReplacementOp diff --git a/model-optimizer/extensions/front/mxnet/block_grad_ext.py b/model-optimizer/extensions/front/mxnet/block_grad_ext.py index 9882e2497587b5..5a97ec1a1aa4ac 100644 --- a/model-optimizer/extensions/front/mxnet/block_grad_ext.py +++ b/model-optimizer/extensions/front/mxnet/block_grad_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.identity import Identity from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/box_nms_ext.py b/model-optimizer/extensions/front/mxnet/box_nms_ext.py index 9409cd6b4e8216..63fd32267a3cb3 100644 --- a/model-optimizer/extensions/front/mxnet/box_nms_ext.py +++ b/model-optimizer/extensions/front/mxnet/box_nms_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.box_nms import BoxNms from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/cast_ext.py b/model-optimizer/extensions/front/mxnet/cast_ext.py index a1bae1308b4a2d..0b49f36e93495d 100644 --- a/model-optimizer/extensions/front/mxnet/cast_ext.py +++ b/model-optimizer/extensions/front/mxnet/cast_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.Cast import Cast diff --git a/model-optimizer/extensions/front/mxnet/check_softmax_node_inputs.py b/model-optimizer/extensions/front/mxnet/check_softmax_node_inputs.py index 95d07e86215c75..0182ee8fcee4e0 100644 --- a/model-optimizer/extensions/front/mxnet/check_softmax_node_inputs.py +++ b/model-optimizer/extensions/front/mxnet/check_softmax_node_inputs.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.replacement import FrontReplacementPattern from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/front/mxnet/check_softmax_node_inputs_test.py b/model-optimizer/extensions/front/mxnet/check_softmax_node_inputs_test.py index b27b68c6a50b58..859f4f65b02cbc 100644 --- a/model-optimizer/extensions/front/mxnet/check_softmax_node_inputs_test.py +++ b/model-optimizer/extensions/front/mxnet/check_softmax_node_inputs_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/mxnet/clip_ext.py b/model-optimizer/extensions/front/mxnet/clip_ext.py index b5b66dc95e6168..a4fc592ed5ca48 100644 --- a/model-optimizer/extensions/front/mxnet/clip_ext.py +++ b/model-optimizer/extensions/front/mxnet/clip_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.extractor import FrontExtractorOp from mo.front.mxnet.extractors.utils import get_mxnet_layer_attrs from mo.graph.graph import Node diff --git a/model-optimizer/extensions/front/mxnet/conv_ext.py b/model-optimizer/extensions/front/mxnet/conv_ext.py index 133a16c8c705d0..acaab898d55a79 100644 --- a/model-optimizer/extensions/front/mxnet/conv_ext.py +++ b/model-optimizer/extensions/front/mxnet/conv_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/mxnet/conv_ext_test.py b/model-optimizer/extensions/front/mxnet/conv_ext_test.py index ca7eadb219fa17..afc5402dd7b787 100644 --- a/model-optimizer/extensions/front/mxnet/conv_ext_test.py +++ b/model-optimizer/extensions/front/mxnet/conv_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/mxnet/copy_ext.py b/model-optimizer/extensions/front/mxnet/copy_ext.py index c96f631cea2abd..309f4eb4342b0b 100644 --- a/model-optimizer/extensions/front/mxnet/copy_ext.py +++ b/model-optimizer/extensions/front/mxnet/copy_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.identity import Identity from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/crop_ext.py b/model-optimizer/extensions/front/mxnet/crop_ext.py index c656619906e060..156b81356d5b4f 100644 --- a/model-optimizer/extensions/front/mxnet/crop_ext.py +++ b/model-optimizer/extensions/front/mxnet/crop_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.front.mxnet.extractors.utils import get_mxnet_layer_attrs diff --git a/model-optimizer/extensions/front/mxnet/crop_ext_test.py b/model-optimizer/extensions/front/mxnet/crop_ext_test.py index a11e56aae1fffe..d9a23ee539a4e7 100644 --- a/model-optimizer/extensions/front/mxnet/crop_ext_test.py +++ b/model-optimizer/extensions/front/mxnet/crop_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/mxnet/cumsum.py b/model-optimizer/extensions/front/mxnet/cumsum.py index 404ecd8584ca98..11772da70cbb63 100644 --- a/model-optimizer/extensions/front/mxnet/cumsum.py +++ b/model-optimizer/extensions/front/mxnet/cumsum.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.Cast import Cast from extensions.ops.cumsum import CumSum from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/front/mxnet/cumsum_ext.py b/model-optimizer/extensions/front/mxnet/cumsum_ext.py index 1b420dda9eae7a..cb76cd78e512f6 100644 --- a/model-optimizer/extensions/front/mxnet/cumsum_ext.py +++ b/model-optimizer/extensions/front/mxnet/cumsum_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np from extensions.ops.cumsum import MXNetCumSum diff --git a/model-optimizer/extensions/front/mxnet/custom.py b/model-optimizer/extensions/front/mxnet/custom.py index 34f9eadc77064d..3dd5215549fcbd 100644 --- a/model-optimizer/extensions/front/mxnet/custom.py +++ b/model-optimizer/extensions/front/mxnet/custom.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp, MXNetCustomFrontExtractorOp from mo.front.mxnet.extractors.utils import get_mxnet_layer_attrs diff --git a/model-optimizer/extensions/front/mxnet/custom_rpn_proposal.py b/model-optimizer/extensions/front/mxnet/custom_rpn_proposal.py index d24ae1b02b3149..61694a0155b20d 100644 --- a/model-optimizer/extensions/front/mxnet/custom_rpn_proposal.py +++ b/model-optimizer/extensions/front/mxnet/custom_rpn_proposal.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/mxnet/custom_test.py b/model-optimizer/extensions/front/mxnet/custom_test.py index 9e2d5cbef1e7c3..e0493f4eb74779 100644 --- a/model-optimizer/extensions/front/mxnet/custom_test.py +++ b/model-optimizer/extensions/front/mxnet/custom_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/mxnet/deformable_conv_ext.py b/model-optimizer/extensions/front/mxnet/deformable_conv_ext.py index e70d894e60af0e..e5422ab6199ee8 100644 --- a/model-optimizer/extensions/front/mxnet/deformable_conv_ext.py +++ b/model-optimizer/extensions/front/mxnet/deformable_conv_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/mxnet/deformable_psroi_pooling_ext.py b/model-optimizer/extensions/front/mxnet/deformable_psroi_pooling_ext.py index 4f7b5a8cd25991..44f75250c4be88 100644 --- a/model-optimizer/extensions/front/mxnet/deformable_psroi_pooling_ext.py +++ b/model-optimizer/extensions/front/mxnet/deformable_psroi_pooling_ext.py @@ -1,19 +1,5 @@ - -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.psroipooling import DeformablePSROIPoolingOp, PSROIPoolingOp from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/dropout_ext.py b/model-optimizer/extensions/front/mxnet/dropout_ext.py index b3b6fcdf5117ea..85454910a76be7 100644 --- a/model-optimizer/extensions/front/mxnet/dropout_ext.py +++ b/model-optimizer/extensions/front/mxnet/dropout_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.identity import Identity from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/elementwise_ext.py b/model-optimizer/extensions/front/mxnet/elementwise_ext.py index 13b82c31c73406..1bc1e333773ac8 100644 --- a/model-optimizer/extensions/front/mxnet/elementwise_ext.py +++ b/model-optimizer/extensions/front/mxnet/elementwise_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.elementwise import Mul, Sub, Add, Maximum, Minimum, Div, Greater, GreaterEqual, Equal, Less, \ diff --git a/model-optimizer/extensions/front/mxnet/eltwise_scalar_replacers.py b/model-optimizer/extensions/front/mxnet/eltwise_scalar_replacers.py index ed3e5e5102e1ba..3a8c1ded60d595 100644 --- a/model-optimizer/extensions/front/mxnet/eltwise_scalar_replacers.py +++ b/model-optimizer/extensions/front/mxnet/eltwise_scalar_replacers.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.elementwise import Div, Greater, GreaterEqual, Equal, NotEqual, Sub, Mul, Add, Less, LessEqual, Minimum, Maximum from mo.front.common.replacement import FrontReplacementOp diff --git a/model-optimizer/extensions/front/mxnet/exp_ext.py b/model-optimizer/extensions/front/mxnet/exp_ext.py index 7c86803497386a..8e3a71a9f0c710 100644 --- a/model-optimizer/extensions/front/mxnet/exp_ext.py +++ b/model-optimizer/extensions/front/mxnet/exp_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.activation_ops import Exp from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/expand_dims_ext.py b/model-optimizer/extensions/front/mxnet/expand_dims_ext.py index fb0965acfdaac6..dadd6c6b9cb16f 100644 --- a/model-optimizer/extensions/front/mxnet/expand_dims_ext.py +++ b/model-optimizer/extensions/front/mxnet/expand_dims_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.front.mxnet.extractors.utils import get_mxnet_layer_attrs diff --git a/model-optimizer/extensions/front/mxnet/flatten_ext.py b/model-optimizer/extensions/front/mxnet/flatten_ext.py index bc4b57b6f7ace3..91d515b3454f6a 100644 --- a/model-optimizer/extensions/front/mxnet/flatten_ext.py +++ b/model-optimizer/extensions/front/mxnet/flatten_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.ops.flatten import Flatten diff --git a/model-optimizer/extensions/front/mxnet/fully_connected_ext.py b/model-optimizer/extensions/front/mxnet/fully_connected_ext.py index 151623a3c9c043..53be29275b4de5 100644 --- a/model-optimizer/extensions/front/mxnet/fully_connected_ext.py +++ b/model-optimizer/extensions/front/mxnet/fully_connected_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.MatMul import FullyConnected from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/gather.py b/model-optimizer/extensions/front/mxnet/gather.py index 1434360e4719d2..333b42917339f4 100644 --- a/model-optimizer/extensions/front/mxnet/gather.py +++ b/model-optimizer/extensions/front/mxnet/gather.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.gather import Gather from mo.front.common.partial_infer.utils import int64_array from mo.front.common.replacement import FrontReplacementOp diff --git a/model-optimizer/extensions/front/mxnet/gather_ext.py b/model-optimizer/extensions/front/mxnet/gather_ext.py index 39a93c4c4303a7..3633b2ef4a6cd3 100644 --- a/model-optimizer/extensions/front/mxnet/gather_ext.py +++ b/model-optimizer/extensions/front/mxnet/gather_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/gather_test.py b/model-optimizer/extensions/front/mxnet/gather_test.py index a368edcfd0974f..49edba0c53ab46 100644 --- a/model-optimizer/extensions/front/mxnet/gather_test.py +++ b/model-optimizer/extensions/front/mxnet/gather_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/mxnet/gluoncv_ssd_anchors.py b/model-optimizer/extensions/front/mxnet/gluoncv_ssd_anchors.py index 82101fe9135ba6..d29c3556a6f057 100644 --- a/model-optimizer/extensions/front/mxnet/gluoncv_ssd_anchors.py +++ b/model-optimizer/extensions/front/mxnet/gluoncv_ssd_anchors.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from typing import Dict diff --git a/model-optimizer/extensions/front/mxnet/gluoncv_ssd_anchors_test.py b/model-optimizer/extensions/front/mxnet/gluoncv_ssd_anchors_test.py index a5a6e0d386ea05..0a839f37aa615d 100644 --- a/model-optimizer/extensions/front/mxnet/gluoncv_ssd_anchors_test.py +++ b/model-optimizer/extensions/front/mxnet/gluoncv_ssd_anchors_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np import unittest diff --git a/model-optimizer/extensions/front/mxnet/instance_norm_ext.py b/model-optimizer/extensions/front/mxnet/instance_norm_ext.py index bdcd9fb0742677..db6ffcd36bef8a 100644 --- a/model-optimizer/extensions/front/mxnet/instance_norm_ext.py +++ b/model-optimizer/extensions/front/mxnet/instance_norm_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.instance_normalization import InstanceNormalization from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/leaky_relu.py b/model-optimizer/extensions/front/mxnet/leaky_relu.py index 10ce3e5a111b01..5dc68ad694dbd0 100644 --- a/model-optimizer/extensions/front/mxnet/leaky_relu.py +++ b/model-optimizer/extensions/front/mxnet/leaky_relu.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.activation_ops import Elu, LeakyReLU, ReLU from extensions.ops.gelu import GeLUOP diff --git a/model-optimizer/extensions/front/mxnet/leaky_relu_test.py b/model-optimizer/extensions/front/mxnet/leaky_relu_test.py index de391b8cd68323..8bcba1cd3a714b 100644 --- a/model-optimizer/extensions/front/mxnet/leaky_relu_test.py +++ b/model-optimizer/extensions/front/mxnet/leaky_relu_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/mxnet/lrn_ext.py b/model-optimizer/extensions/front/mxnet/lrn_ext.py index da5f1b3a0801f6..0b1502dead5570 100644 --- a/model-optimizer/extensions/front/mxnet/lrn_ext.py +++ b/model-optimizer/extensions/front/mxnet/lrn_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.extractor import FrontExtractorOp from mo.front.mxnet.extractors.utils import get_mxnet_layer_attrs from mo.ops.lrn import AttributedLRN diff --git a/model-optimizer/extensions/front/mxnet/max_ext.py b/model-optimizer/extensions/front/mxnet/max_ext.py index 97dc833a35389a..65afbe82a2fd22 100644 --- a/model-optimizer/extensions/front/mxnet/max_ext.py +++ b/model-optimizer/extensions/front/mxnet/max_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.ReduceOps import ReduceMax from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/front/mxnet/multibox_detection_ext.py b/model-optimizer/extensions/front/mxnet/multibox_detection_ext.py index 63d34336c23d76..5f967a10fa19e0 100644 --- a/model-optimizer/extensions/front/mxnet/multibox_detection_ext.py +++ b/model-optimizer/extensions/front/mxnet/multibox_detection_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.DetectionOutput import DetectionOutput from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/multibox_detection_test.py b/model-optimizer/extensions/front/mxnet/multibox_detection_test.py index 971a52c3c5caf1..e34fa088287716 100644 --- a/model-optimizer/extensions/front/mxnet/multibox_detection_test.py +++ b/model-optimizer/extensions/front/mxnet/multibox_detection_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/mxnet/mx_reshape_reverse.py b/model-optimizer/extensions/front/mxnet/mx_reshape_reverse.py index 05cd66253b6c9a..3aa5c676d10aaa 100644 --- a/model-optimizer/extensions/front/mxnet/mx_reshape_reverse.py +++ b/model-optimizer/extensions/front/mxnet/mx_reshape_reverse.py @@ -1,18 +1,5 @@ -""" - Copyright (c) 2020 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/mxnet/mx_reshape_reverse_test.py b/model-optimizer/extensions/front/mxnet/mx_reshape_reverse_test.py index ba0f44a4fb674a..deaf30ffa9042b 100644 --- a/model-optimizer/extensions/front/mxnet/mx_reshape_reverse_test.py +++ b/model-optimizer/extensions/front/mxnet/mx_reshape_reverse_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/mxnet/mx_reshape_to_reshape.py b/model-optimizer/extensions/front/mxnet/mx_reshape_to_reshape.py index 254317c79d16bd..c8841ea91282f5 100644 --- a/model-optimizer/extensions/front/mxnet/mx_reshape_to_reshape.py +++ b/model-optimizer/extensions/front/mxnet/mx_reshape_to_reshape.py @@ -1,18 +1,5 @@ -""" - Copyright (c) 2020 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/mxnet/mx_reshape_to_reshape_test.py b/model-optimizer/extensions/front/mxnet/mx_reshape_to_reshape_test.py index b13b8efed0d630..74c618655fcb09 100644 --- a/model-optimizer/extensions/front/mxnet/mx_reshape_to_reshape_test.py +++ b/model-optimizer/extensions/front/mxnet/mx_reshape_to_reshape_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/mxnet/null_ext.py b/model-optimizer/extensions/front/mxnet/null_ext.py index 4df12b1597aeb6..f830393e278470 100644 --- a/model-optimizer/extensions/front/mxnet/null_ext.py +++ b/model-optimizer/extensions/front/mxnet/null_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.parameter import Parameter from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/pad_ext.py b/model-optimizer/extensions/front/mxnet/pad_ext.py index 33a0659f34cbfd..517471248dcab9 100644 --- a/model-optimizer/extensions/front/mxnet/pad_ext.py +++ b/model-optimizer/extensions/front/mxnet/pad_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/mxnet/pooling_ext.py b/model-optimizer/extensions/front/mxnet/pooling_ext.py index 54b9a7be00a5b2..450040c23e3a5b 100644 --- a/model-optimizer/extensions/front/mxnet/pooling_ext.py +++ b/model-optimizer/extensions/front/mxnet/pooling_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/mxnet/pooling_ext_test.py b/model-optimizer/extensions/front/mxnet/pooling_ext_test.py index 7212a27f232ae3..14be10895820ca 100644 --- a/model-optimizer/extensions/front/mxnet/pooling_ext_test.py +++ b/model-optimizer/extensions/front/mxnet/pooling_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/mxnet/proposal_ext.py b/model-optimizer/extensions/front/mxnet/proposal_ext.py index 750ba696cbbf03..7204976b799fde 100644 --- a/model-optimizer/extensions/front/mxnet/proposal_ext.py +++ b/model-optimizer/extensions/front/mxnet/proposal_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/mxnet/psroi_pooling_ext.py b/model-optimizer/extensions/front/mxnet/psroi_pooling_ext.py index f918092aef5b5d..b8bf7eb5af4f32 100644 --- a/model-optimizer/extensions/front/mxnet/psroi_pooling_ext.py +++ b/model-optimizer/extensions/front/mxnet/psroi_pooling_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.psroipooling import PSROIPoolingOp from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/repeat_ext.py b/model-optimizer/extensions/front/mxnet/repeat_ext.py index ea1f97cb1a331f..51f62b2708a899 100644 --- a/model-optimizer/extensions/front/mxnet/repeat_ext.py +++ b/model-optimizer/extensions/front/mxnet/repeat_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.mxrepeat import MXRepeat from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/reshape_ext.py b/model-optimizer/extensions/front/mxnet/reshape_ext.py index 82d140a198515f..b39b5f7174ff67 100644 --- a/model-optimizer/extensions/front/mxnet/reshape_ext.py +++ b/model-optimizer/extensions/front/mxnet/reshape_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.mxreshape import MXReshape from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/front/mxnet/rnn_param_concat.py b/model-optimizer/extensions/front/mxnet/rnn_param_concat.py index f72f0764918972..1f71e4d4288291 100644 --- a/model-optimizer/extensions/front/mxnet/rnn_param_concat.py +++ b/model-optimizer/extensions/front/mxnet/rnn_param_concat.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.front.mxnet.extractors.utils import get_mxnet_layer_attrs diff --git a/model-optimizer/extensions/front/mxnet/roi_pooling_ext.py b/model-optimizer/extensions/front/mxnet/roi_pooling_ext.py index 8cd6fbf4e2e6a6..02997c102959d5 100644 --- a/model-optimizer/extensions/front/mxnet/roi_pooling_ext.py +++ b/model-optimizer/extensions/front/mxnet/roi_pooling_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.extractors.utils import layout_attrs from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/shape_array_ext.py b/model-optimizer/extensions/front/mxnet/shape_array_ext.py index 1edd6d624527c3..3986462fa7d897 100644 --- a/model-optimizer/extensions/front/mxnet/shape_array_ext.py +++ b/model-optimizer/extensions/front/mxnet/shape_array_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.ops.shape import Shape diff --git a/model-optimizer/extensions/front/mxnet/sigmoid.py b/model-optimizer/extensions/front/mxnet/sigmoid.py index 96ec41d901b961..b07f298ba856fd 100644 --- a/model-optimizer/extensions/front/mxnet/sigmoid.py +++ b/model-optimizer/extensions/front/mxnet/sigmoid.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.activation_ops import Sigmoid from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/sigmoid_test.py b/model-optimizer/extensions/front/mxnet/sigmoid_test.py index 7f2784a7046c75..9fc9a30c7e4e38 100644 --- a/model-optimizer/extensions/front/mxnet/sigmoid_test.py +++ b/model-optimizer/extensions/front/mxnet/sigmoid_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/mxnet/slice_channel_ext.py b/model-optimizer/extensions/front/mxnet/slice_channel_ext.py index 298c6e1d873e2d..80a5fc25d32593 100644 --- a/model-optimizer/extensions/front/mxnet/slice_channel_ext.py +++ b/model-optimizer/extensions/front/mxnet/slice_channel_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.split import AttributedSplit from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/slice_ext.py b/model-optimizer/extensions/front/mxnet/slice_ext.py index cabbc95943dcc4..b113cba1a87f71 100644 --- a/model-optimizer/extensions/front/mxnet/slice_ext.py +++ b/model-optimizer/extensions/front/mxnet/slice_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/mxnet/slice_like_ext.py b/model-optimizer/extensions/front/mxnet/slice_like_ext.py index 39f9722a410010..619b22d5fd0814 100644 --- a/model-optimizer/extensions/front/mxnet/slice_like_ext.py +++ b/model-optimizer/extensions/front/mxnet/slice_like_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.slice_like import SliceLike from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/slice_replacers.py b/model-optimizer/extensions/front/mxnet/slice_replacers.py index c300b1987009c7..17e741d5fbfb83 100644 --- a/model-optimizer/extensions/front/mxnet/slice_replacers.py +++ b/model-optimizer/extensions/front/mxnet/slice_replacers.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/mxnet/softmax.py b/model-optimizer/extensions/front/mxnet/softmax.py index e9d8b45fa6932c..3a91dac904c438 100644 --- a/model-optimizer/extensions/front/mxnet/softmax.py +++ b/model-optimizer/extensions/front/mxnet/softmax.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/mxnet/softmax_activation_ext.py b/model-optimizer/extensions/front/mxnet/softmax_activation_ext.py index d20a60a2250a4e..05170e7cea13a0 100644 --- a/model-optimizer/extensions/front/mxnet/softmax_activation_ext.py +++ b/model-optimizer/extensions/front/mxnet/softmax_activation_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.front.mxnet.extractors.utils import get_mxnet_layer_attrs diff --git a/model-optimizer/extensions/front/mxnet/softmax_ext.py b/model-optimizer/extensions/front/mxnet/softmax_ext.py index 21e3e3f278e972..4644e11e22391f 100644 --- a/model-optimizer/extensions/front/mxnet/softmax_ext.py +++ b/model-optimizer/extensions/front/mxnet/softmax_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.front.mxnet.extractors.utils import get_mxnet_layer_attrs diff --git a/model-optimizer/extensions/front/mxnet/softmax_output_ext.py b/model-optimizer/extensions/front/mxnet/softmax_output_ext.py index d3e5c149b526c3..db4bdccd66af48 100644 --- a/model-optimizer/extensions/front/mxnet/softmax_output_ext.py +++ b/model-optimizer/extensions/front/mxnet/softmax_output_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.front.mxnet.extractors.utils import get_mxnet_layer_attrs diff --git a/model-optimizer/extensions/front/mxnet/squeeze_ext.py b/model-optimizer/extensions/front/mxnet/squeeze_ext.py index e203c5e46f0934..c586ab7ed9d40b 100644 --- a/model-optimizer/extensions/front/mxnet/squeeze_ext.py +++ b/model-optimizer/extensions/front/mxnet/squeeze_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.front.mxnet.extractors.utils import get_mxnet_layer_attrs diff --git a/model-optimizer/extensions/front/mxnet/ssd_anchor_reshape.py b/model-optimizer/extensions/front/mxnet/ssd_anchor_reshape.py index 0482d345026ce1..fe0d62ddacc740 100644 --- a/model-optimizer/extensions/front/mxnet/ssd_anchor_reshape.py +++ b/model-optimizer/extensions/front/mxnet/ssd_anchor_reshape.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/mxnet/ssd_detection_output_replacer.py b/model-optimizer/extensions/front/mxnet/ssd_detection_output_replacer.py index c75931ccefe009..511fe5542da1b8 100644 --- a/model-optimizer/extensions/front/mxnet/ssd_detection_output_replacer.py +++ b/model-optimizer/extensions/front/mxnet/ssd_detection_output_replacer.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.front.flatten_to_reshape import FlattenToReshape from extensions.front.split_normalizer import AttributedSplitToSplit from extensions.ops.DetectionOutput import DetectionOutput diff --git a/model-optimizer/extensions/front/mxnet/ssd_pattern_flatten_softmax_activation.py b/model-optimizer/extensions/front/mxnet/ssd_pattern_flatten_softmax_activation.py index f16b52bcef1ab3..91e3bf449b8087 100644 --- a/model-optimizer/extensions/front/mxnet/ssd_pattern_flatten_softmax_activation.py +++ b/model-optimizer/extensions/front/mxnet/ssd_pattern_flatten_softmax_activation.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.front.mxnet.ssd_pattern_remove_flatten import SsdPatternRemoveFlatten from extensions.front.mxnet.ssd_pattern_remove_reshape import SsdPatternRemoveReshape diff --git a/model-optimizer/extensions/front/mxnet/ssd_pattern_flatten_softmax_activation_test.py b/model-optimizer/extensions/front/mxnet/ssd_pattern_flatten_softmax_activation_test.py index 84c7ccc126a6e2..a5585382bd8389 100644 --- a/model-optimizer/extensions/front/mxnet/ssd_pattern_flatten_softmax_activation_test.py +++ b/model-optimizer/extensions/front/mxnet/ssd_pattern_flatten_softmax_activation_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_flatten.py b/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_flatten.py index 91e99ab57cf1e0..30f4669e576480 100644 --- a/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_flatten.py +++ b/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_flatten.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.front.flatten_to_reshape import FlattenToReshape from extensions.front.mxnet.ssd_pattern_remove_reshape import SsdPatternRemoveReshape diff --git a/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_flatten_test.py b/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_flatten_test.py index 5858ccb5ea8dd6..a27da1cc87794d 100644 --- a/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_flatten_test.py +++ b/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_flatten_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_reshape.py b/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_reshape.py index 1d4f0ec3aa599d..abcb6e0df8f078 100644 --- a/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_reshape.py +++ b/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_reshape.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.replacement import FrontReplacementSubgraph from mo.front.mxnet.extractors.utils import get_json_layer_attrs diff --git a/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_reshape_test.py b/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_reshape_test.py index 2c4d91645287a9..e8c66412aba5e4 100644 --- a/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_reshape_test.py +++ b/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_reshape_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_transpose.py b/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_transpose.py index 9c89f2808c07c2..b47712b4c603bf 100644 --- a/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_transpose.py +++ b/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_transpose.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.front.mxnet.ssd_pattern_flatten_softmax_activation import SsdPatternFlattenSoftmaxActivation from extensions.front.mxnet.ssd_pattern_remove_flatten import SsdPatternRemoveFlatten diff --git a/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_transpose_test.py b/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_transpose_test.py index 2a5f859ae4a075..4ec408f77a56bf 100644 --- a/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_transpose_test.py +++ b/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_transpose_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/mxnet/ssd_reorder_detection_out_inputs.py b/model-optimizer/extensions/front/mxnet/ssd_reorder_detection_out_inputs.py index 520bcbad746a8d..fb2e4bea2a5309 100644 --- a/model-optimizer/extensions/front/mxnet/ssd_reorder_detection_out_inputs.py +++ b/model-optimizer/extensions/front/mxnet/ssd_reorder_detection_out_inputs.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.front.mxnet.ssd_pattern_flatten_softmax_activation import SsdPatternFlattenSoftmaxActivation from extensions.front.mxnet.ssd_pattern_remove_transpose import SsdPatternRemoveTranspose diff --git a/model-optimizer/extensions/front/mxnet/ssd_reorder_detection_out_inputs_test.py b/model-optimizer/extensions/front/mxnet/ssd_reorder_detection_out_inputs_test.py index 4956086210abff..d3f37e138fc9bb 100644 --- a/model-optimizer/extensions/front/mxnet/ssd_reorder_detection_out_inputs_test.py +++ b/model-optimizer/extensions/front/mxnet/ssd_reorder_detection_out_inputs_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/mxnet/stack_ext.py b/model-optimizer/extensions/front/mxnet/stack_ext.py index d0a94aaa90a720..b22aab0f29ebac 100644 --- a/model-optimizer/extensions/front/mxnet/stack_ext.py +++ b/model-optimizer/extensions/front/mxnet/stack_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.pack import PackOp from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/swapaxis_ext.py b/model-optimizer/extensions/front/mxnet/swapaxis_ext.py index 6a32d979ab128c..9ad20d64cbe7a3 100644 --- a/model-optimizer/extensions/front/mxnet/swapaxis_ext.py +++ b/model-optimizer/extensions/front/mxnet/swapaxis_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.swapaxis import SwapAxis from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/take_ext.py b/model-optimizer/extensions/front/mxnet/take_ext.py index 590f0a3d68633d..566f32503f4c9e 100644 --- a/model-optimizer/extensions/front/mxnet/take_ext.py +++ b/model-optimizer/extensions/front/mxnet/take_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.gather import AttributedGather from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/tile_ext.py b/model-optimizer/extensions/front/mxnet/tile_ext.py index f12d7e23e74cdc..505e4c9e6f70f9 100644 --- a/model-optimizer/extensions/front/mxnet/tile_ext.py +++ b/model-optimizer/extensions/front/mxnet/tile_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.front.mxnet.extractors.utils import get_mxnet_layer_attrs diff --git a/model-optimizer/extensions/front/mxnet/tile_replacer.py b/model-optimizer/extensions/front/mxnet/tile_replacer.py index 81a866ad3cc91c..a2c98f34ecdd66 100644 --- a/model-optimizer/extensions/front/mxnet/tile_replacer.py +++ b/model-optimizer/extensions/front/mxnet/tile_replacer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import int64_array from mo.front.common.replacement import FrontReplacementOp diff --git a/model-optimizer/extensions/front/mxnet/transpose_ext.py b/model-optimizer/extensions/front/mxnet/transpose_ext.py index ea89ca1330c4a5..5a836a5d5e4714 100644 --- a/model-optimizer/extensions/front/mxnet/transpose_ext.py +++ b/model-optimizer/extensions/front/mxnet/transpose_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/mxnet/up_sampling_ext.py b/model-optimizer/extensions/front/mxnet/up_sampling_ext.py index df63353b598df6..6557c496f0e2d6 100644 --- a/model-optimizer/extensions/front/mxnet/up_sampling_ext.py +++ b/model-optimizer/extensions/front/mxnet/up_sampling_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import math diff --git a/model-optimizer/extensions/front/mxnet/where_ext.py b/model-optimizer/extensions/front/mxnet/where_ext.py index 5a2e87e16c65c2..470b0f946a5dfb 100644 --- a/model-optimizer/extensions/front/mxnet/where_ext.py +++ b/model-optimizer/extensions/front/mxnet/where_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.select import Select from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/mxnet/zeros_ext.py b/model-optimizer/extensions/front/mxnet/zeros_ext.py index 0589a7efade725..5270878ab35237 100644 --- a/model-optimizer/extensions/front/mxnet/zeros_ext.py +++ b/model-optimizer/extensions/front/mxnet/zeros_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/no_op_eraser.py b/model-optimizer/extensions/front/no_op_eraser.py index 65d94b85c4c5ca..df28700c28bf75 100644 --- a/model-optimizer/extensions/front/no_op_eraser.py +++ b/model-optimizer/extensions/front/no_op_eraser.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/non_max_suppression_normalize.py b/model-optimizer/extensions/front/non_max_suppression_normalize.py index ac6cdd0d444971..50cbcf6606faa7 100644 --- a/model-optimizer/extensions/front/non_max_suppression_normalize.py +++ b/model-optimizer/extensions/front/non_max_suppression_normalize.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import int64_array from mo.front.common.replacement import FrontReplacementSubgraph diff --git a/model-optimizer/extensions/front/onnx/AttributedSliceToSlice.py b/model-optimizer/extensions/front/onnx/AttributedSliceToSlice.py index e5e2a9e700bdf1..f6c1735b5842e6 100644 --- a/model-optimizer/extensions/front/onnx/AttributedSliceToSlice.py +++ b/model-optimizer/extensions/front/onnx/AttributedSliceToSlice.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.replacement import FrontReplacementOp from mo.front.tf.graph_utils import create_op_with_const_inputs diff --git a/model-optimizer/extensions/front/onnx/AttributedSliceToSlice_test.py b/model-optimizer/extensions/front/onnx/AttributedSliceToSlice_test.py index a95b10fe6933bc..9420dc384c112c 100644 --- a/model-optimizer/extensions/front/onnx/AttributedSliceToSlice_test.py +++ b/model-optimizer/extensions/front/onnx/AttributedSliceToSlice_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/onnx/LoopNormalize.py b/model-optimizer/extensions/front/onnx/LoopNormalize.py index 42d5b8106f03c1..1d887fc640d100 100644 --- a/model-optimizer/extensions/front/onnx/LoopNormalize.py +++ b/model-optimizer/extensions/front/onnx/LoopNormalize.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.front.pass_separator import FrontStart diff --git a/model-optimizer/extensions/front/onnx/MvnOnnxToMvn.py b/model-optimizer/extensions/front/onnx/MvnOnnxToMvn.py index 454f5e97a6ee21..461f566f07ee77 100644 --- a/model-optimizer/extensions/front/onnx/MvnOnnxToMvn.py +++ b/model-optimizer/extensions/front/onnx/MvnOnnxToMvn.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2017-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.mvn import MVN from mo.front.common.replacement import FrontReplacementPattern from mo.front.tf.graph_utils import create_op_with_const_inputs diff --git a/model-optimizer/extensions/front/onnx/MvnOnnxToMvn_test.py b/model-optimizer/extensions/front/onnx/MvnOnnxToMvn_test.py index e71c74fbc5b3ac..70f722e5210d62 100644 --- a/model-optimizer/extensions/front/onnx/MvnOnnxToMvn_test.py +++ b/model-optimizer/extensions/front/onnx/MvnOnnxToMvn_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/onnx/ONNXResize10ToInterpolate.py b/model-optimizer/extensions/front/onnx/ONNXResize10ToInterpolate.py index 3c71f579031d58..ca1c2ba71f1c7b 100644 --- a/model-optimizer/extensions/front/onnx/ONNXResize10ToInterpolate.py +++ b/model-optimizer/extensions/front/onnx/ONNXResize10ToInterpolate.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/onnx/__init__.py b/model-optimizer/extensions/front/onnx/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/extensions/front/onnx/__init__.py +++ b/model-optimizer/extensions/front/onnx/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/extensions/front/onnx/activation_ext.py b/model-optimizer/extensions/front/onnx/activation_ext.py index 5ed62cf4cfccb3..be8c0d8250c4ac 100644 --- a/model-optimizer/extensions/front/onnx/activation_ext.py +++ b/model-optimizer/extensions/front/onnx/activation_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.activation_ops import * from mo.front.extractor import FrontExtractorOp from mo.front.onnx.extractors.utils import onnx_attr diff --git a/model-optimizer/extensions/front/onnx/activation_ext_test.py b/model-optimizer/extensions/front/onnx/activation_ext_test.py index 7d429f42a5f8b0..58e9e3a7499d72 100644 --- a/model-optimizer/extensions/front/onnx/activation_ext_test.py +++ b/model-optimizer/extensions/front/onnx/activation_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/onnx/affine_ext.py b/model-optimizer/extensions/front/onnx/affine_ext.py index e6c8fdce046711..84a37dfb1d9c78 100644 --- a/model-optimizer/extensions/front/onnx/affine_ext.py +++ b/model-optimizer/extensions/front/onnx/affine_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/onnx/affine_ext_test.py b/model-optimizer/extensions/front/onnx/affine_ext_test.py index 1dc7523f9cd894..705a3e81c59e0a 100644 --- a/model-optimizer/extensions/front/onnx/affine_ext_test.py +++ b/model-optimizer/extensions/front/onnx/affine_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/onnx/argmax_ext.py b/model-optimizer/extensions/front/onnx/argmax_ext.py index 8eb12df5b47972..9122d360a36be8 100644 --- a/model-optimizer/extensions/front/onnx/argmax_ext.py +++ b/model-optimizer/extensions/front/onnx/argmax_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.argmax import ArgMaxOp from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/aten_ext.py b/model-optimizer/extensions/front/onnx/aten_ext.py index 502830f406b68a..383fb3652a7198 100644 --- a/model-optimizer/extensions/front/onnx/aten_ext.py +++ b/model-optimizer/extensions/front/onnx/aten_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (c) 2020 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.aten import ATen from mo.front.extractor import FrontExtractorOp from mo.front.onnx.extractors.utils import onnx_attr diff --git a/model-optimizer/extensions/front/onnx/cast_ext.py b/model-optimizer/extensions/front/onnx/cast_ext.py index e74b5716c13485..839adccaf9f1a4 100644 --- a/model-optimizer/extensions/front/onnx/cast_ext.py +++ b/model-optimizer/extensions/front/onnx/cast_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.Cast import Cast from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/clip_ext.py b/model-optimizer/extensions/front/onnx/clip_ext.py index d47ee4f4dc175b..942a640ee2de26 100644 --- a/model-optimizer/extensions/front/onnx/clip_ext.py +++ b/model-optimizer/extensions/front/onnx/clip_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/extensions/front/onnx/concat_ext.py b/model-optimizer/extensions/front/onnx/concat_ext.py index be3b1606b9cea4..2d04cd373acd2c 100644 --- a/model-optimizer/extensions/front/onnx/concat_ext.py +++ b/model-optimizer/extensions/front/onnx/concat_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.onnx.extractors.utils import onnx_attr from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/const_ext.py b/model-optimizer/extensions/front/onnx/const_ext.py index 56f5b9fa509738..5c9c5895c2e8e6 100644 --- a/model-optimizer/extensions/front/onnx/const_ext.py +++ b/model-optimizer/extensions/front/onnx/const_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from onnx import numpy_helper from onnx.numpy_helper import to_array diff --git a/model-optimizer/extensions/front/onnx/constant_fill_ext.py b/model-optimizer/extensions/front/onnx/constant_fill_ext.py index 0ac3d153dc94a5..23804777a92820 100644 --- a/model-optimizer/extensions/front/onnx/constant_fill_ext.py +++ b/model-optimizer/extensions/front/onnx/constant_fill_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.constant_fill import ConstantFill from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/constant_of_shape_ext.py b/model-optimizer/extensions/front/onnx/constant_of_shape_ext.py index 0800a527de3936..1ee97f5e155811 100644 --- a/model-optimizer/extensions/front/onnx/constant_of_shape_ext.py +++ b/model-optimizer/extensions/front/onnx/constant_of_shape_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from onnx import numpy_helper diff --git a/model-optimizer/extensions/front/onnx/constant_of_shape_to_broadcast.py b/model-optimizer/extensions/front/onnx/constant_of_shape_to_broadcast.py index 8bb9ebdcc20180..f95b276662eba6 100644 --- a/model-optimizer/extensions/front/onnx/constant_of_shape_to_broadcast.py +++ b/model-optimizer/extensions/front/onnx/constant_of_shape_to_broadcast.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.replacement import FrontReplacementPattern from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/front/onnx/conv_ext.py b/model-optimizer/extensions/front/onnx/conv_ext.py index c114f189ac749c..38c061b2607f7d 100644 --- a/model-optimizer/extensions/front/onnx/conv_ext.py +++ b/model-optimizer/extensions/front/onnx/conv_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/onnx/conv_ext_test.py b/model-optimizer/extensions/front/onnx/conv_ext_test.py index 122b94b2179910..27f5c2460ea8f8 100644 --- a/model-optimizer/extensions/front/onnx/conv_ext_test.py +++ b/model-optimizer/extensions/front/onnx/conv_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/onnx/crop_ext.py b/model-optimizer/extensions/front/onnx/crop_ext.py index 7e5c041c5ed156..15ecfaba59139e 100644 --- a/model-optimizer/extensions/front/onnx/crop_ext.py +++ b/model-optimizer/extensions/front/onnx/crop_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/onnx/crop_ext_test.py b/model-optimizer/extensions/front/onnx/crop_ext_test.py index 51ac36252f4ead..e1d8e7ed08003e 100644 --- a/model-optimizer/extensions/front/onnx/crop_ext_test.py +++ b/model-optimizer/extensions/front/onnx/crop_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/onnx/cumsum_ext.py b/model-optimizer/extensions/front/onnx/cumsum_ext.py index 87b369fca95ab5..52112fbbdc06b1 100644 --- a/model-optimizer/extensions/front/onnx/cumsum_ext.py +++ b/model-optimizer/extensions/front/onnx/cumsum_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.cumsum import CumSum from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/deformable_conv_ext.py b/model-optimizer/extensions/front/onnx/deformable_conv_ext.py index db5cc6d278b1fb..d1f1ccc0f91aa8 100644 --- a/model-optimizer/extensions/front/onnx/deformable_conv_ext.py +++ b/model-optimizer/extensions/front/onnx/deformable_conv_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/onnx/depth_to_space_ext.py b/model-optimizer/extensions/front/onnx/depth_to_space_ext.py index c53e2a886e9414..36eb75e3b7e68b 100644 --- a/model-optimizer/extensions/front/onnx/depth_to_space_ext.py +++ b/model-optimizer/extensions/front/onnx/depth_to_space_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from extensions.ops.depth_to_space import DepthToSpaceOp diff --git a/model-optimizer/extensions/front/onnx/dequantize_linear_ext.py b/model-optimizer/extensions/front/onnx/dequantize_linear_ext.py index 8fda156fa5ed53..73ebaf958d8b6c 100644 --- a/model-optimizer/extensions/front/onnx/dequantize_linear_ext.py +++ b/model-optimizer/extensions/front/onnx/dequantize_linear_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from extensions.ops.dequantize_linear import DequantizeLinear diff --git a/model-optimizer/extensions/front/onnx/dequantize_linear_resolver.py b/model-optimizer/extensions/front/onnx/dequantize_linear_resolver.py index 5223eb17a61bfd..1c2ab410c1b186 100644 --- a/model-optimizer/extensions/front/onnx/dequantize_linear_resolver.py +++ b/model-optimizer/extensions/front/onnx/dequantize_linear_resolver.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.front.onnx.quantize_dequantize_linear import QuantizeDequantizeLinear from extensions.ops.Cast import Cast diff --git a/model-optimizer/extensions/front/onnx/dequantize_linear_resolver_test.py b/model-optimizer/extensions/front/onnx/dequantize_linear_resolver_test.py index f1c01f55cc7c41..63ca7bde34b682 100644 --- a/model-optimizer/extensions/front/onnx/dequantize_linear_resolver_test.py +++ b/model-optimizer/extensions/front/onnx/dequantize_linear_resolver_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from argparse import Namespace diff --git a/model-optimizer/extensions/front/onnx/detection_output.py b/model-optimizer/extensions/front/onnx/detection_output.py index 37be286d2b4404..f7fa8854998422 100644 --- a/model-optimizer/extensions/front/onnx/detection_output.py +++ b/model-optimizer/extensions/front/onnx/detection_output.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.DetectionOutput import DetectionOutput from mo.front.extractor import FrontExtractorOp from mo.front.onnx.extractors.utils import onnx_attr diff --git a/model-optimizer/extensions/front/onnx/detection_output_test.py b/model-optimizer/extensions/front/onnx/detection_output_test.py index 43e312810f20d1..4dae80795283d1 100644 --- a/model-optimizer/extensions/front/onnx/detection_output_test.py +++ b/model-optimizer/extensions/front/onnx/detection_output_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/onnx/detectionoutput_ext.py b/model-optimizer/extensions/front/onnx/detectionoutput_ext.py index 1dfe1e9a446e20..b87865012e24c0 100644 --- a/model-optimizer/extensions/front/onnx/detectionoutput_ext.py +++ b/model-optimizer/extensions/front/onnx/detectionoutput_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from math import log diff --git a/model-optimizer/extensions/front/onnx/dropout_ext.py b/model-optimizer/extensions/front/onnx/dropout_ext.py index 0d5f1acb94503b..4b31d487a375e0 100644 --- a/model-optimizer/extensions/front/onnx/dropout_ext.py +++ b/model-optimizer/extensions/front/onnx/dropout_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.identity import Identity from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/elementwise_ext.py b/model-optimizer/extensions/front/onnx/elementwise_ext.py index 5196dbd07025b9..19b4d3edd40e0a 100644 --- a/model-optimizer/extensions/front/onnx/elementwise_ext.py +++ b/model-optimizer/extensions/front/onnx/elementwise_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.elementwise import Add, Sub, Mul, Div, Pow, Less, Equal, Greater, LogicalAnd, LogicalOr, LogicalXor, \ diff --git a/model-optimizer/extensions/front/onnx/expand_ext.py b/model-optimizer/extensions/front/onnx/expand_ext.py index 6ec1144a51e34b..165fe941a88c0f 100644 --- a/model-optimizer/extensions/front/onnx/expand_ext.py +++ b/model-optimizer/extensions/front/onnx/expand_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.ops.broadcast import Broadcast diff --git a/model-optimizer/extensions/front/onnx/flattenONNX_to_reshape.py b/model-optimizer/extensions/front/onnx/flattenONNX_to_reshape.py index e9c7d3bebf8306..b8285e01337389 100644 --- a/model-optimizer/extensions/front/onnx/flattenONNX_to_reshape.py +++ b/model-optimizer/extensions/front/onnx/flattenONNX_to_reshape.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.ReduceOps import ReduceProd from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/front/onnx/flatten_ext.py b/model-optimizer/extensions/front/onnx/flatten_ext.py index 9b3d2d84189791..4d9c1b3e8ac938 100644 --- a/model-optimizer/extensions/front/onnx/flatten_ext.py +++ b/model-optimizer/extensions/front/onnx/flatten_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.front.onnx.extractors.utils import onnx_attr diff --git a/model-optimizer/extensions/front/onnx/fused_bn_ext.py b/model-optimizer/extensions/front/onnx/fused_bn_ext.py index efda63ef6488de..64b89b3119d1ac 100644 --- a/model-optimizer/extensions/front/onnx/fused_bn_ext.py +++ b/model-optimizer/extensions/front/onnx/fused_bn_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from extensions.ops.BatchNormInference import BatchNormInference diff --git a/model-optimizer/extensions/front/onnx/gather_ext.py b/model-optimizer/extensions/front/onnx/gather_ext.py index 1d8ba2c4a1295c..5a0c6b82065dd7 100644 --- a/model-optimizer/extensions/front/onnx/gather_ext.py +++ b/model-optimizer/extensions/front/onnx/gather_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/onnx/gatherelements_ext.py b/model-optimizer/extensions/front/onnx/gatherelements_ext.py index 21ecc163d22c25..4102d2623c4013 100644 --- a/model-optimizer/extensions/front/onnx/gatherelements_ext.py +++ b/model-optimizer/extensions/front/onnx/gatherelements_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.gatherelements import GatherElements from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/gathernd_ext.py b/model-optimizer/extensions/front/onnx/gathernd_ext.py index 403192c5eaf283..8bf7463be0d5ba 100644 --- a/model-optimizer/extensions/front/onnx/gathernd_ext.py +++ b/model-optimizer/extensions/front/onnx/gathernd_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.gathernd import GatherND from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/gemm_ext.py b/model-optimizer/extensions/front/onnx/gemm_ext.py index 36dddaa250ae6b..2991508254c010 100644 --- a/model-optimizer/extensions/front/onnx/gemm_ext.py +++ b/model-optimizer/extensions/front/onnx/gemm_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/onnx/group_norm_ext.py b/model-optimizer/extensions/front/onnx/group_norm_ext.py index 0595fea5726bf6..5b5181fab590ea 100644 --- a/model-optimizer/extensions/front/onnx/group_norm_ext.py +++ b/model-optimizer/extensions/front/onnx/group_norm_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/onnx/gru_ext.py b/model-optimizer/extensions/front/onnx/gru_ext.py index a3bde103c79384..8568d45c6d399d 100644 --- a/model-optimizer/extensions/front/onnx/gru_ext.py +++ b/model-optimizer/extensions/front/onnx/gru_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.GRU import GRU diff --git a/model-optimizer/extensions/front/onnx/gru_ext_test.py b/model-optimizer/extensions/front/onnx/gru_ext_test.py index ef9345944b9e59..e00cdc76d05df1 100644 --- a/model-optimizer/extensions/front/onnx/gru_ext_test.py +++ b/model-optimizer/extensions/front/onnx/gru_ext_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/extensions/front/onnx/hard_sigmoid_ext.py b/model-optimizer/extensions/front/onnx/hard_sigmoid_ext.py index 488010b865e978..4347740094f9e0 100644 --- a/model-optimizer/extensions/front/onnx/hard_sigmoid_ext.py +++ b/model-optimizer/extensions/front/onnx/hard_sigmoid_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/onnx/identity_ext.py b/model-optimizer/extensions/front/onnx/identity_ext.py index 9883e8be0576e9..9e1b155b13801e 100644 --- a/model-optimizer/extensions/front/onnx/identity_ext.py +++ b/model-optimizer/extensions/front/onnx/identity_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.extractor import FrontExtractorOp from extensions.ops.identity import Identity diff --git a/model-optimizer/extensions/front/onnx/image_scaler_ext.py b/model-optimizer/extensions/front/onnx/image_scaler_ext.py index 079192e0ffcdf2..25add962e4ecf5 100644 --- a/model-optimizer/extensions/front/onnx/image_scaler_ext.py +++ b/model-optimizer/extensions/front/onnx/image_scaler_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/onnx/image_scaler_ext_test.py b/model-optimizer/extensions/front/onnx/image_scaler_ext_test.py index a45ad2cb8f257b..710929a610de7f 100644 --- a/model-optimizer/extensions/front/onnx/image_scaler_ext_test.py +++ b/model-optimizer/extensions/front/onnx/image_scaler_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/onnx/instance_normalization_ext.py b/model-optimizer/extensions/front/onnx/instance_normalization_ext.py index 7a7287faec9d9b..b4938c4dbb481a 100644 --- a/model-optimizer/extensions/front/onnx/instance_normalization_ext.py +++ b/model-optimizer/extensions/front/onnx/instance_normalization_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.instance_normalization import InstanceNormalization from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/instance_normalization_ext_test.py b/model-optimizer/extensions/front/onnx/instance_normalization_ext_test.py index dc7189da9ee24e..9881ba397313fd 100644 --- a/model-optimizer/extensions/front/onnx/instance_normalization_ext_test.py +++ b/model-optimizer/extensions/front/onnx/instance_normalization_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import onnx diff --git a/model-optimizer/extensions/front/onnx/logsoftmaxONNX_to_logsoftmax.py b/model-optimizer/extensions/front/onnx/logsoftmaxONNX_to_logsoftmax.py index 2fbd02c79ba05a..4163f5d4f5e38b 100644 --- a/model-optimizer/extensions/front/onnx/logsoftmaxONNX_to_logsoftmax.py +++ b/model-optimizer/extensions/front/onnx/logsoftmaxONNX_to_logsoftmax.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.replacement import FrontReplacementOp from mo.graph.graph import Graph, Node, rename_nodes from mo.ops.flatten import FlattenONNX diff --git a/model-optimizer/extensions/front/onnx/loop_ext.py b/model-optimizer/extensions/front/onnx/loop_ext.py index 11820f3cd75025..8c692001ed39fb 100644 --- a/model-optimizer/extensions/front/onnx/loop_ext.py +++ b/model-optimizer/extensions/front/onnx/loop_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import copy import logging as log diff --git a/model-optimizer/extensions/front/onnx/lp_normalization_ext.py b/model-optimizer/extensions/front/onnx/lp_normalization_ext.py index cf9e48b28d3448..fcbe85339c3fb8 100644 --- a/model-optimizer/extensions/front/onnx/lp_normalization_ext.py +++ b/model-optimizer/extensions/front/onnx/lp_normalization_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from extensions.ops.normalize_l2 import NormalizeL2Op diff --git a/model-optimizer/extensions/front/onnx/lrn_ext.py b/model-optimizer/extensions/front/onnx/lrn_ext.py index 92f2653e4ca065..44ab90425aba53 100644 --- a/model-optimizer/extensions/front/onnx/lrn_ext.py +++ b/model-optimizer/extensions/front/onnx/lrn_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.front.onnx.extractors.utils import onnx_attr diff --git a/model-optimizer/extensions/front/onnx/lstm_ext.py b/model-optimizer/extensions/front/onnx/lstm_ext.py index 41285e6f838492..1f2088c8ed4b7b 100644 --- a/model-optimizer/extensions/front/onnx/lstm_ext.py +++ b/model-optimizer/extensions/front/onnx/lstm_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.LSTM import LSTM diff --git a/model-optimizer/extensions/front/onnx/lstm_ext_test.py b/model-optimizer/extensions/front/onnx/lstm_ext_test.py index 0cccfe9f08fff0..60c8568b6d95f7 100644 --- a/model-optimizer/extensions/front/onnx/lstm_ext_test.py +++ b/model-optimizer/extensions/front/onnx/lstm_ext_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/extensions/front/onnx/mask_rcnn_conversion.py b/model-optimizer/extensions/front/onnx/mask_rcnn_conversion.py index fbe331775e4c27..ce11bb82fdefbe 100644 --- a/model-optimizer/extensions/front/onnx/mask_rcnn_conversion.py +++ b/model-optimizer/extensions/front/onnx/mask_rcnn_conversion.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/onnx/matmul_ext.py b/model-optimizer/extensions/front/onnx/matmul_ext.py index b5bf8feeaa5a22..4cd4e9f1517a63 100644 --- a/model-optimizer/extensions/front/onnx/matmul_ext.py +++ b/model-optimizer/extensions/front/onnx/matmul_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.MatMul import MatMul from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/mean_variance_normalization_ext.py b/model-optimizer/extensions/front/onnx/mean_variance_normalization_ext.py index 7fc38b31618828..e93b446a352dc5 100644 --- a/model-optimizer/extensions/front/onnx/mean_variance_normalization_ext.py +++ b/model-optimizer/extensions/front/onnx/mean_variance_normalization_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/onnx/non_max_suppression_ext.py b/model-optimizer/extensions/front/onnx/non_max_suppression_ext.py index aa9c1ab2ad5d86..f4335b0e2b763f 100644 --- a/model-optimizer/extensions/front/onnx/non_max_suppression_ext.py +++ b/model-optimizer/extensions/front/onnx/non_max_suppression_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.non_max_suppression import NonMaxSuppression diff --git a/model-optimizer/extensions/front/onnx/non_zero_ext.py b/model-optimizer/extensions/front/onnx/non_zero_ext.py index ae55e7d1337107..88613fdbd6bac3 100644 --- a/model-optimizer/extensions/front/onnx/non_zero_ext.py +++ b/model-optimizer/extensions/front/onnx/non_zero_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.non_zero import NonZero diff --git a/model-optimizer/extensions/front/onnx/normalize_ext.py b/model-optimizer/extensions/front/onnx/normalize_ext.py index ec92e01c2e4415..b701fa6b4ff5cb 100644 --- a/model-optimizer/extensions/front/onnx/normalize_ext.py +++ b/model-optimizer/extensions/front/onnx/normalize_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.normalize import NormalizeOp from mo.front.extractor import FrontExtractorOp from mo.front.onnx.extractors.utils import onnx_attr diff --git a/model-optimizer/extensions/front/onnx/normalize_ext_test.py b/model-optimizer/extensions/front/onnx/normalize_ext_test.py index 20d436ffda7bc5..0324b49e9d6b9e 100644 --- a/model-optimizer/extensions/front/onnx/normalize_ext_test.py +++ b/model-optimizer/extensions/front/onnx/normalize_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import onnx diff --git a/model-optimizer/extensions/front/onnx/normalize_l2_normalize.py b/model-optimizer/extensions/front/onnx/normalize_l2_normalize.py index 33582407943b18..c28307da1d6555 100644 --- a/model-optimizer/extensions/front/onnx/normalize_l2_normalize.py +++ b/model-optimizer/extensions/front/onnx/normalize_l2_normalize.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/onnx/one_hot_ext.py b/model-optimizer/extensions/front/onnx/one_hot_ext.py index 4c84479438e364..0f756522175773 100644 --- a/model-optimizer/extensions/front/onnx/one_hot_ext.py +++ b/model-optimizer/extensions/front/onnx/one_hot_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.one_hot import OneHot from mo.front.extractor import FrontExtractorOp from mo.front.onnx.extractors.utils import onnx_attr diff --git a/model-optimizer/extensions/front/onnx/one_hot_normalize.py b/model-optimizer/extensions/front/onnx/one_hot_normalize.py index bbb37fd2b6e0f3..2bcbe0ed85ec77 100644 --- a/model-optimizer/extensions/front/onnx/one_hot_normalize.py +++ b/model-optimizer/extensions/front/onnx/one_hot_normalize.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.front.split_normalizer import SqueezeAxis diff --git a/model-optimizer/extensions/front/onnx/pad_converter.py b/model-optimizer/extensions/front/onnx/pad_converter.py index c4761aa28f2490..5b9a992af94598 100644 --- a/model-optimizer/extensions/front/onnx/pad_converter.py +++ b/model-optimizer/extensions/front/onnx/pad_converter.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.split import Split from mo.front.common.partial_infer.utils import int64_array from mo.front.common.replacement import FrontReplacementOp diff --git a/model-optimizer/extensions/front/onnx/pad_converter_test.py b/model-optimizer/extensions/front/onnx/pad_converter_test.py index d7801cbfa4da4d..a43ec3681dede4 100644 --- a/model-optimizer/extensions/front/onnx/pad_converter_test.py +++ b/model-optimizer/extensions/front/onnx/pad_converter_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/onnx/pad_ext.py b/model-optimizer/extensions/front/onnx/pad_ext.py index 45474b0003528f..c16c2a7db185ec 100644 --- a/model-optimizer/extensions/front/onnx/pad_ext.py +++ b/model-optimizer/extensions/front/onnx/pad_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/onnx/pad_ext_test.py b/model-optimizer/extensions/front/onnx/pad_ext_test.py index 12e4fdc6d8304f..c67e831bdd4435 100644 --- a/model-optimizer/extensions/front/onnx/pad_ext_test.py +++ b/model-optimizer/extensions/front/onnx/pad_ext_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from argparse import Namespace import onnx diff --git a/model-optimizer/extensions/front/onnx/parameter_ext.py b/model-optimizer/extensions/front/onnx/parameter_ext.py index b7f58c73dfb323..4ce1a98f4f8c5a 100644 --- a/model-optimizer/extensions/front/onnx/parameter_ext.py +++ b/model-optimizer/extensions/front/onnx/parameter_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from onnx.mapping import TENSOR_TYPE_TO_NP_TYPE diff --git a/model-optimizer/extensions/front/onnx/person_detection_crossroad_conversion.py b/model-optimizer/extensions/front/onnx/person_detection_crossroad_conversion.py index a84117a89d7ece..36bd6b4ba4cdf7 100644 --- a/model-optimizer/extensions/front/onnx/person_detection_crossroad_conversion.py +++ b/model-optimizer/extensions/front/onnx/person_detection_crossroad_conversion.py @@ -1,18 +1,5 @@ -""" - Copyright (c) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.roifeatureextractor_onnx import ExperimentalDetectronROIFeatureExtractor from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/front/onnx/pooling_ext.py b/model-optimizer/extensions/front/onnx/pooling_ext.py index 40abbfeeda70b6..86f6afadf534b4 100644 --- a/model-optimizer/extensions/front/onnx/pooling_ext.py +++ b/model-optimizer/extensions/front/onnx/pooling_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/onnx/priorbox_clustered_ext.py b/model-optimizer/extensions/front/onnx/priorbox_clustered_ext.py index 8b635804eff304..fed3c0fb6dc379 100644 --- a/model-optimizer/extensions/front/onnx/priorbox_clustered_ext.py +++ b/model-optimizer/extensions/front/onnx/priorbox_clustered_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.priorbox_clustered import PriorBoxClusteredOp diff --git a/model-optimizer/extensions/front/onnx/priorbox_clustered_ext_test.py b/model-optimizer/extensions/front/onnx/priorbox_clustered_ext_test.py index 311f1c0995a07d..06f3ae8ea003e4 100644 --- a/model-optimizer/extensions/front/onnx/priorbox_clustered_ext_test.py +++ b/model-optimizer/extensions/front/onnx/priorbox_clustered_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/onnx/priorbox_ext.py b/model-optimizer/extensions/front/onnx/priorbox_ext.py index 47c09a29a4575f..5ab653ffcbdb03 100644 --- a/model-optimizer/extensions/front/onnx/priorbox_ext.py +++ b/model-optimizer/extensions/front/onnx/priorbox_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.priorbox import PriorBoxOp diff --git a/model-optimizer/extensions/front/onnx/priorbox_ext_test.py b/model-optimizer/extensions/front/onnx/priorbox_ext_test.py index 4eb0478cb2be47..f5e2be7061cb06 100644 --- a/model-optimizer/extensions/front/onnx/priorbox_ext_test.py +++ b/model-optimizer/extensions/front/onnx/priorbox_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/onnx/priorgridgenerator_ext.py b/model-optimizer/extensions/front/onnx/priorgridgenerator_ext.py index 136c456f79cd3a..ac5e53ad8ab862 100644 --- a/model-optimizer/extensions/front/onnx/priorgridgenerator_ext.py +++ b/model-optimizer/extensions/front/onnx/priorgridgenerator_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.priorgridgenerator_onnx import ExperimentalDetectronPriorGridGenerator from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/proposal_ext.py b/model-optimizer/extensions/front/onnx/proposal_ext.py index 51127585273543..bf8ca0545a0b1d 100644 --- a/model-optimizer/extensions/front/onnx/proposal_ext.py +++ b/model-optimizer/extensions/front/onnx/proposal_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.proposal_onnx import ExperimentalDetectronGenerateProposalsSingleImage from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/quantize_dequantize_linear.py b/model-optimizer/extensions/front/onnx/quantize_dequantize_linear.py index 81411a3b398d04..5607c336cd16ec 100644 --- a/model-optimizer/extensions/front/onnx/quantize_dequantize_linear.py +++ b/model-optimizer/extensions/front/onnx/quantize_dequantize_linear.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/onnx/quantize_dequantize_linear_test.py b/model-optimizer/extensions/front/onnx/quantize_dequantize_linear_test.py index a0ebcb9dddfe0c..c97f6722be4fd0 100644 --- a/model-optimizer/extensions/front/onnx/quantize_dequantize_linear_test.py +++ b/model-optimizer/extensions/front/onnx/quantize_dequantize_linear_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from argparse import Namespace diff --git a/model-optimizer/extensions/front/onnx/quantize_ext.py b/model-optimizer/extensions/front/onnx/quantize_ext.py index 69abc657f88d39..ac4439325c6a95 100644 --- a/model-optimizer/extensions/front/onnx/quantize_ext.py +++ b/model-optimizer/extensions/front/onnx/quantize_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.fakequantize import FakeQuantize from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/quantize_linear_ext.py b/model-optimizer/extensions/front/onnx/quantize_linear_ext.py index 5513ce3581baaf..8d329d0cbff562 100644 --- a/model-optimizer/extensions/front/onnx/quantize_linear_ext.py +++ b/model-optimizer/extensions/front/onnx/quantize_linear_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.quantize_linear import QuantizeLinear from mo.front.extractor import FrontExtractorOp from mo.front.onnx.extractors.utils import onnx_attr, get_onnx_opset_version diff --git a/model-optimizer/extensions/front/onnx/quantize_linear_resolver.py b/model-optimizer/extensions/front/onnx/quantize_linear_resolver.py index ac140554dbd03a..1b9df08c99c98b 100644 --- a/model-optimizer/extensions/front/onnx/quantize_linear_resolver.py +++ b/model-optimizer/extensions/front/onnx/quantize_linear_resolver.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.front.onnx.quantize_dequantize_linear import QuantizeDequantizeLinear diff --git a/model-optimizer/extensions/front/onnx/quantize_linear_resolver_test.py b/model-optimizer/extensions/front/onnx/quantize_linear_resolver_test.py index 89f3d32048e73e..e90d6c7144267a 100644 --- a/model-optimizer/extensions/front/onnx/quantize_linear_resolver_test.py +++ b/model-optimizer/extensions/front/onnx/quantize_linear_resolver_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from argparse import Namespace diff --git a/model-optimizer/extensions/front/onnx/range_ext.py b/model-optimizer/extensions/front/onnx/range_ext.py index 8d744336f5b7c4..0657dec370760b 100644 --- a/model-optimizer/extensions/front/onnx/range_ext.py +++ b/model-optimizer/extensions/front/onnx/range_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.range import Range from mo.front.extractor import FrontExtractorOp from mo.graph.graph import Node diff --git a/model-optimizer/extensions/front/onnx/reduce_ext.py b/model-optimizer/extensions/front/onnx/reduce_ext.py index 05e6004201906c..55c998366b6f1f 100644 --- a/model-optimizer/extensions/front/onnx/reduce_ext.py +++ b/model-optimizer/extensions/front/onnx/reduce_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.ReduceOps import ReduceL1, ReduceL2, ReduceMax, ReduceMean, ReduceMin, ReduceProd, ReduceSum from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/front/onnx/remove_filtering_boxes_by_size.py b/model-optimizer/extensions/front/onnx/remove_filtering_boxes_by_size.py index 87ac98f77cbb06..01755ea4636c49 100644 --- a/model-optimizer/extensions/front/onnx/remove_filtering_boxes_by_size.py +++ b/model-optimizer/extensions/front/onnx/remove_filtering_boxes_by_size.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.front.split_normalizer import AttributedVariadicSplitToVariadicSplit from extensions.ops.range import Range from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/front/onnx/reshape_ext.py b/model-optimizer/extensions/front/onnx/reshape_ext.py index 71eecc4628cba8..6e9f30bee284ff 100644 --- a/model-optimizer/extensions/front/onnx/reshape_ext.py +++ b/model-optimizer/extensions/front/onnx/reshape_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/onnx/resize_ext.py b/model-optimizer/extensions/front/onnx/resize_ext.py index fcde3fa5ae9d47..4d9c51ffc0c162 100644 --- a/model-optimizer/extensions/front/onnx/resize_ext.py +++ b/model-optimizer/extensions/front/onnx/resize_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.ONNXResize10 import ONNXResize10 from extensions.ops.ONNXResize11 import ONNXResize11Op diff --git a/model-optimizer/extensions/front/onnx/reverse_sequence_ext.py b/model-optimizer/extensions/front/onnx/reverse_sequence_ext.py index c8e4313f573930..9158889c7b1868 100644 --- a/model-optimizer/extensions/front/onnx/reverse_sequence_ext.py +++ b/model-optimizer/extensions/front/onnx/reverse_sequence_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (c) 2019 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.reverse_sequence import ReverseSequence from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/rnn_ext.py b/model-optimizer/extensions/front/onnx/rnn_ext.py index c34127ca3f36f5..a1ba1e846fb958 100644 --- a/model-optimizer/extensions/front/onnx/rnn_ext.py +++ b/model-optimizer/extensions/front/onnx/rnn_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.RNN import RNN diff --git a/model-optimizer/extensions/front/onnx/rnn_ext_test.py b/model-optimizer/extensions/front/onnx/rnn_ext_test.py index fa40c9dc0bda1a..36d031e21d7b5e 100644 --- a/model-optimizer/extensions/front/onnx/rnn_ext_test.py +++ b/model-optimizer/extensions/front/onnx/rnn_ext_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/extensions/front/onnx/roialign_ext.py b/model-optimizer/extensions/front/onnx/roialign_ext.py index 3e53c063f4cecf..0f8516995c5c2a 100644 --- a/model-optimizer/extensions/front/onnx/roialign_ext.py +++ b/model-optimizer/extensions/front/onnx/roialign_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.roialign import ROIAlign from mo.front.extractor import FrontExtractorOp from mo.front.onnx.extractors.utils import onnx_attr diff --git a/model-optimizer/extensions/front/onnx/roifeatureextractor_ext.py b/model-optimizer/extensions/front/onnx/roifeatureextractor_ext.py index a6a25fbfab4607..47e1de57922f24 100644 --- a/model-optimizer/extensions/front/onnx/roifeatureextractor_ext.py +++ b/model-optimizer/extensions/front/onnx/roifeatureextractor_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/onnx/scatter_ext.py b/model-optimizer/extensions/front/onnx/scatter_ext.py index b292e7e8d0364c..c291004af34c88 100644 --- a/model-optimizer/extensions/front/onnx/scatter_ext.py +++ b/model-optimizer/extensions/front/onnx/scatter_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.scatter import ScatterElementsUpdate from extensions.ops.scatternd import ScatterNDUpdate from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/shape_ext.py b/model-optimizer/extensions/front/onnx/shape_ext.py index ae631b74dd478c..3f84d1c2dda388 100644 --- a/model-optimizer/extensions/front/onnx/shape_ext.py +++ b/model-optimizer/extensions/front/onnx/shape_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/slice_ext.py b/model-optimizer/extensions/front/onnx/slice_ext.py index 4b3df9b594bb90..d071a4ca443a75 100644 --- a/model-optimizer/extensions/front/onnx/slice_ext.py +++ b/model-optimizer/extensions/front/onnx/slice_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/onnx/softmaxONNX_to_softmax.py b/model-optimizer/extensions/front/onnx/softmaxONNX_to_softmax.py index 4a61f81c76e977..047dc94ae2796b 100644 --- a/model-optimizer/extensions/front/onnx/softmaxONNX_to_softmax.py +++ b/model-optimizer/extensions/front/onnx/softmaxONNX_to_softmax.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.replacement import FrontReplacementOp from mo.graph.graph import Graph, Node, rename_nodes diff --git a/model-optimizer/extensions/front/onnx/softmax_ext.py b/model-optimizer/extensions/front/onnx/softmax_ext.py index b403b67a2f263d..3f2759a5492e31 100644 --- a/model-optimizer/extensions/front/onnx/softmax_ext.py +++ b/model-optimizer/extensions/front/onnx/softmax_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.front.onnx.extractors.utils import onnx_attr diff --git a/model-optimizer/extensions/front/onnx/softplus_ext.py b/model-optimizer/extensions/front/onnx/softplus_ext.py index 06a66951e165aa..a469496cffaddd 100644 --- a/model-optimizer/extensions/front/onnx/softplus_ext.py +++ b/model-optimizer/extensions/front/onnx/softplus_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.activation_ops import SoftPlus from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/space_to_depth_ext.py b/model-optimizer/extensions/front/onnx/space_to_depth_ext.py index 278bcd1a71666c..39e804c5026f5d 100644 --- a/model-optimizer/extensions/front/onnx/space_to_depth_ext.py +++ b/model-optimizer/extensions/front/onnx/space_to_depth_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.space_to_depth import SpaceToDepth from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/split_ext.py b/model-optimizer/extensions/front/onnx/split_ext.py index 9bc53c96801392..bea9237f1e6a16 100644 --- a/model-optimizer/extensions/front/onnx/split_ext.py +++ b/model-optimizer/extensions/front/onnx/split_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.split import AttributedVariadicSplit, AttributedSplit diff --git a/model-optimizer/extensions/front/onnx/squeeze_ext.py b/model-optimizer/extensions/front/onnx/squeeze_ext.py index 398187464e11e5..e57f67298bcc91 100644 --- a/model-optimizer/extensions/front/onnx/squeeze_ext.py +++ b/model-optimizer/extensions/front/onnx/squeeze_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/onnx/squeeze_ext_test.py b/model-optimizer/extensions/front/onnx/squeeze_ext_test.py index 1c6acd193db268..ee943eba26b1dc 100644 --- a/model-optimizer/extensions/front/onnx/squeeze_ext_test.py +++ b/model-optimizer/extensions/front/onnx/squeeze_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/onnx/top_k_ext.py b/model-optimizer/extensions/front/onnx/top_k_ext.py index bc77b92e137e43..bae2bec317686a 100644 --- a/model-optimizer/extensions/front/onnx/top_k_ext.py +++ b/model-optimizer/extensions/front/onnx/top_k_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.topk import TopK from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/topkrois_ext.py b/model-optimizer/extensions/front/onnx/topkrois_ext.py index 2a082ea1b182b6..bb6e2af6a09a29 100644 --- a/model-optimizer/extensions/front/onnx/topkrois_ext.py +++ b/model-optimizer/extensions/front/onnx/topkrois_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.topkrois_onnx import ExperimentalDetectronTopKROIs from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/onnx/transpose_ext.py b/model-optimizer/extensions/front/onnx/transpose_ext.py index f6164dc36d5528..3302cac11ccd48 100644 --- a/model-optimizer/extensions/front/onnx/transpose_ext.py +++ b/model-optimizer/extensions/front/onnx/transpose_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.transpose import Transpose from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/front/onnx/transpose_ext_test.py b/model-optimizer/extensions/front/onnx/transpose_ext_test.py index b04dd71bf1334c..cb4e8075af6e31 100644 --- a/model-optimizer/extensions/front/onnx/transpose_ext_test.py +++ b/model-optimizer/extensions/front/onnx/transpose_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import itertools import unittest diff --git a/model-optimizer/extensions/front/onnx/unsqueeze_ext.py b/model-optimizer/extensions/front/onnx/unsqueeze_ext.py index f785b764e66004..dde10aeae5b9cd 100644 --- a/model-optimizer/extensions/front/onnx/unsqueeze_ext.py +++ b/model-optimizer/extensions/front/onnx/unsqueeze_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/onnx/unsqueeze_ext_test.py b/model-optimizer/extensions/front/onnx/unsqueeze_ext_test.py index ca6552d6fa78e5..f631aa8351d243 100644 --- a/model-optimizer/extensions/front/onnx/unsqueeze_ext_test.py +++ b/model-optimizer/extensions/front/onnx/unsqueeze_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/onnx/upsample_ext.py b/model-optimizer/extensions/front/onnx/upsample_ext.py index 4ba6d44a60cd45..a07f1d0d5d5159 100644 --- a/model-optimizer/extensions/front/onnx/upsample_ext.py +++ b/model-optimizer/extensions/front/onnx/upsample_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import math diff --git a/model-optimizer/extensions/front/onnx/upsample_ext_test.py b/model-optimizer/extensions/front/onnx/upsample_ext_test.py index 81e3cb7049ba16..bb1684b8192c36 100644 --- a/model-optimizer/extensions/front/onnx/upsample_ext_test.py +++ b/model-optimizer/extensions/front/onnx/upsample_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import onnx diff --git a/model-optimizer/extensions/front/onnx/where_ext.py b/model-optimizer/extensions/front/onnx/where_ext.py index df455cfd52cb5a..ac06bc1d2ed889 100644 --- a/model-optimizer/extensions/front/onnx/where_ext.py +++ b/model-optimizer/extensions/front/onnx/where_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.select import Select from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/output_cut.py b/model-optimizer/extensions/front/output_cut.py index 459e60be2f606d..2fbacfecb97cd5 100644 --- a/model-optimizer/extensions/front/output_cut.py +++ b/model-optimizer/extensions/front/output_cut.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.replacement import FrontReplacementPattern from mo.front.extractor import add_output_ops from mo.graph.graph import Graph, get_edge_attribute_between_nodes, set_edge_attribute_between_nodes diff --git a/model-optimizer/extensions/front/output_cut_test.py b/model-optimizer/extensions/front/output_cut_test.py index c6e3829d00725a..8d662250176ab4 100644 --- a/model-optimizer/extensions/front/output_cut_test.py +++ b/model-optimizer/extensions/front/output_cut_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/override_batch.py b/model-optimizer/extensions/front/override_batch.py index a5c50c71a3d90a..7b20047905c937 100644 --- a/model-optimizer/extensions/front/override_batch.py +++ b/model-optimizer/extensions/front/override_batch.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.replacement import FrontReplacementPattern from mo.graph.graph import Graph from mo.middle.passes.infer import override_batch diff --git a/model-optimizer/extensions/front/pass_separator.py b/model-optimizer/extensions/front/pass_separator.py index c5d1c1452cff5a..a6e37bad5b60f4 100644 --- a/model-optimizer/extensions/front/pass_separator.py +++ b/model-optimizer/extensions/front/pass_separator.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.replacement import FrontReplacementPattern from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/front/rank_decomposer.py b/model-optimizer/extensions/front/rank_decomposer.py index 7eb3f5a4270e33..cc379a14acec47 100644 --- a/model-optimizer/extensions/front/rank_decomposer.py +++ b/model-optimizer/extensions/front/rank_decomposer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import int64_array from mo.front.common.replacement import FrontReplacementOp diff --git a/model-optimizer/extensions/front/rank_decomposer_test.py b/model-optimizer/extensions/front/rank_decomposer_test.py index 3d707146581b57..d6fea7f34764dd 100644 --- a/model-optimizer/extensions/front/rank_decomposer_test.py +++ b/model-optimizer/extensions/front/rank_decomposer_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/reciprocal.py b/model-optimizer/extensions/front/reciprocal.py index b4b8ec4e65b7bc..b90a1ba10edc8f 100644 --- a/model-optimizer/extensions/front/reciprocal.py +++ b/model-optimizer/extensions/front/reciprocal.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.elementwise import Pow diff --git a/model-optimizer/extensions/front/reciprocal_test.py b/model-optimizer/extensions/front/reciprocal_test.py index d059b1d1d55328..738c47404ae213 100644 --- a/model-optimizer/extensions/front/reciprocal_test.py +++ b/model-optimizer/extensions/front/reciprocal_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/reduce_axis_normalizer.py b/model-optimizer/extensions/front/reduce_axis_normalizer.py index 4f61c2a800ef4d..2197d5ed38a5d6 100644 --- a/model-optimizer/extensions/front/reduce_axis_normalizer.py +++ b/model-optimizer/extensions/front/reduce_axis_normalizer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.ReduceOps import reduce_map from extensions.ops.range import Range diff --git a/model-optimizer/extensions/front/reduce_axis_normalizer_test.py b/model-optimizer/extensions/front/reduce_axis_normalizer_test.py index 5af93e6d0756f0..d459f52e648db5 100644 --- a/model-optimizer/extensions/front/reduce_axis_normalizer_test.py +++ b/model-optimizer/extensions/front/reduce_axis_normalizer_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/reshape_dim_normalizer.py b/model-optimizer/extensions/front/reshape_dim_normalizer.py index c3064be3f84633..79aa5b7c622185 100644 --- a/model-optimizer/extensions/front/reshape_dim_normalizer.py +++ b/model-optimizer/extensions/front/reshape_dim_normalizer.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.front.pass_separator import FrontStart from mo.front.common.replacement import FrontReplacementSubgraph from mo.front.subgraph_matcher import SubgraphMatch diff --git a/model-optimizer/extensions/front/restore_ports.py b/model-optimizer/extensions/front/restore_ports.py index baa72dc8a940b1..3d4c6c81586eb8 100644 --- a/model-optimizer/extensions/front/restore_ports.py +++ b/model-optimizer/extensions/front/restore_ports.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.replacement import FrontReplacementSubgraph from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/front/scatter_normalizer.py b/model-optimizer/extensions/front/scatter_normalizer.py index e11b98c159f203..2e3d081f60b3c7 100644 --- a/model-optimizer/extensions/front/scatter_normalizer.py +++ b/model-optimizer/extensions/front/scatter_normalizer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/scatter_normalizer_test.py b/model-optimizer/extensions/front/scatter_normalizer_test.py index 4f93fb4a7a5e67..0c873d7eca660d 100644 --- a/model-optimizer/extensions/front/scatter_normalizer_test.py +++ b/model-optimizer/extensions/front/scatter_normalizer_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/softmax.py b/model-optimizer/extensions/front/softmax.py index a36fb378c3d2fc..f530d4392fa65f 100644 --- a/model-optimizer/extensions/front/softmax.py +++ b/model-optimizer/extensions/front/softmax.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/extensions/front/softsign_replacer.py b/model-optimizer/extensions/front/softsign_replacer.py index 6b675a4112d17c..282cb323dfe823 100644 --- a/model-optimizer/extensions/front/softsign_replacer.py +++ b/model-optimizer/extensions/front/softsign_replacer.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.activation_ops import Abs diff --git a/model-optimizer/extensions/front/softsign_replacer_test.py b/model-optimizer/extensions/front/softsign_replacer_test.py index 1dd7785a2cddfb..60f9e701f99e51 100644 --- a/model-optimizer/extensions/front/softsign_replacer_test.py +++ b/model-optimizer/extensions/front/softsign_replacer_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/split_normalizer.py b/model-optimizer/extensions/front/split_normalizer.py index 1ca3c61dadedc8..637efc83ae0431 100644 --- a/model-optimizer/extensions/front/split_normalizer.py +++ b/model-optimizer/extensions/front/split_normalizer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/split_normalizer_test.py b/model-optimizer/extensions/front/split_normalizer_test.py index 4d634590a47bb1..0c4e96a2de6f70 100644 --- a/model-optimizer/extensions/front/split_normalizer_test.py +++ b/model-optimizer/extensions/front/split_normalizer_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/standalone_const_eraser.py b/model-optimizer/extensions/front/standalone_const_eraser.py index 6cbae5c77757be..7b01d34d57d74e 100644 --- a/model-optimizer/extensions/front/standalone_const_eraser.py +++ b/model-optimizer/extensions/front/standalone_const_eraser.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/sub.py b/model-optimizer/extensions/front/sub.py index f187a0a64c4b6a..289dabb0d227c9 100644 --- a/model-optimizer/extensions/front/sub.py +++ b/model-optimizer/extensions/front/sub.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/sub_test.py b/model-optimizer/extensions/front/sub_test.py index e4b07809c5ba0a..1cc1956e97505a 100644 --- a/model-optimizer/extensions/front/sub_test.py +++ b/model-optimizer/extensions/front/sub_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/tf/AutomlEfficientDet.py b/model-optimizer/extensions/front/tf/AutomlEfficientDet.py index 051a7fb4020003..c6302da16cc3ed 100644 --- a/model-optimizer/extensions/front/tf/AutomlEfficientDet.py +++ b/model-optimizer/extensions/front/tf/AutomlEfficientDet.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/tf/BatchMatMul_ext.py b/model-optimizer/extensions/front/tf/BatchMatMul_ext.py index 9bcab9aed9e85d..f35174f1dc2c77 100644 --- a/model-optimizer/extensions/front/tf/BatchMatMul_ext.py +++ b/model-optimizer/extensions/front/tf/BatchMatMul_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.MatMul import MatMul from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/BatchToSpaceNDToUpsample.py b/model-optimizer/extensions/front/tf/BatchToSpaceNDToUpsample.py index ceba661e0c92ee..a9d9f2c78fee05 100644 --- a/model-optimizer/extensions/front/tf/BatchToSpaceNDToUpsample.py +++ b/model-optimizer/extensions/front/tf/BatchToSpaceNDToUpsample.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/extensions/front/tf/BlockLSTM.py b/model-optimizer/extensions/front/tf/BlockLSTM.py index b9b515d0791ca5..0d887d16a656d4 100644 --- a/model-optimizer/extensions/front/tf/BlockLSTM.py +++ b/model-optimizer/extensions/front/tf/BlockLSTM.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/tf/BlockLSTM_ext.py b/model-optimizer/extensions/front/tf/BlockLSTM_ext.py index 66a8a3ca4cf42c..05cf77050698b5 100644 --- a/model-optimizer/extensions/front/tf/BlockLSTM_ext.py +++ b/model-optimizer/extensions/front/tf/BlockLSTM_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.BlockLSTM import BlockLSTM from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/CTCGreedyDecoderReplacement.py b/model-optimizer/extensions/front/tf/CTCGreedyDecoderReplacement.py index 352b148b4057c4..143509a0a2ff10 100644 --- a/model-optimizer/extensions/front/tf/CTCGreedyDecoderReplacement.py +++ b/model-optimizer/extensions/front/tf/CTCGreedyDecoderReplacement.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.ctc_greedy_decoder_seq_len import CTCGreedyDecoderSeqLenOp from extensions.ops.transpose import Transpose diff --git a/model-optimizer/extensions/front/tf/CTCGreedyDecoderReplacement_test.py b/model-optimizer/extensions/front/tf/CTCGreedyDecoderReplacement_test.py index 917400294306ec..1b5c6895974c56 100644 --- a/model-optimizer/extensions/front/tf/CTCGreedyDecoderReplacement_test.py +++ b/model-optimizer/extensions/front/tf/CTCGreedyDecoderReplacement_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/tf/CTCGreedyDecoder_ext.py b/model-optimizer/extensions/front/tf/CTCGreedyDecoder_ext.py index 6bd257c000add3..5efbaed7aa3324 100644 --- a/model-optimizer/extensions/front/tf/CTCGreedyDecoder_ext.py +++ b/model-optimizer/extensions/front/tf/CTCGreedyDecoder_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.ctc_greedy_decoder_seq_len import CTCGreedyDecoderSeqLenOp from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/CTCLossReplacement.py b/model-optimizer/extensions/front/tf/CTCLossReplacement.py index beedb32b51da28..c47296db98e39e 100644 --- a/model-optimizer/extensions/front/tf/CTCLossReplacement.py +++ b/model-optimizer/extensions/front/tf/CTCLossReplacement.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.ctc_greedy_decoder_seq_len import CTCGreedyDecoderSeqLenOp from extensions.ops.ctc_loss import CTCLoss diff --git a/model-optimizer/extensions/front/tf/CTCLossReplacement_test.py b/model-optimizer/extensions/front/tf/CTCLossReplacement_test.py index 5b157056d83968..25aabc9b927353 100644 --- a/model-optimizer/extensions/front/tf/CTCLossReplacement_test.py +++ b/model-optimizer/extensions/front/tf/CTCLossReplacement_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np import unittest diff --git a/model-optimizer/extensions/front/tf/CTCLoss_ext.py b/model-optimizer/extensions/front/tf/CTCLoss_ext.py index b18bc2c2ad9244..cde96ac4f688fa 100644 --- a/model-optimizer/extensions/front/tf/CTCLoss_ext.py +++ b/model-optimizer/extensions/front/tf/CTCLoss_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.ctc_loss import CTCLoss from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/Cast_ext.py b/model-optimizer/extensions/front/tf/Cast_ext.py index 3ed6e75f3619b1..097ae9c550560f 100644 --- a/model-optimizer/extensions/front/tf/Cast_ext.py +++ b/model-optimizer/extensions/front/tf/Cast_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.Cast import Cast from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/CropAndResizeReplacement.py b/model-optimizer/extensions/front/tf/CropAndResizeReplacement.py index 3f848797b47948..6eb68e19dfe418 100644 --- a/model-optimizer/extensions/front/tf/CropAndResizeReplacement.py +++ b/model-optimizer/extensions/front/tf/CropAndResizeReplacement.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/tf/FakeQuantWithMinMaxVars.py b/model-optimizer/extensions/front/tf/FakeQuantWithMinMaxVars.py index d35e5cc4ad9b3e..2bcabee91dc575 100644 --- a/model-optimizer/extensions/front/tf/FakeQuantWithMinMaxVars.py +++ b/model-optimizer/extensions/front/tf/FakeQuantWithMinMaxVars.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from typing import Dict diff --git a/model-optimizer/extensions/front/tf/FakeQuantWithMinMaxVars_ext.py b/model-optimizer/extensions/front/tf/FakeQuantWithMinMaxVars_ext.py index 5bf05bf8287883..37abcac8857a91 100644 --- a/model-optimizer/extensions/front/tf/FakeQuantWithMinMaxVars_ext.py +++ b/model-optimizer/extensions/front/tf/FakeQuantWithMinMaxVars_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.ops.op import Op diff --git a/model-optimizer/extensions/front/tf/FlattenToReshape.py b/model-optimizer/extensions/front/tf/FlattenToReshape.py index 1571f02bdfb495..8aa0ae31c238b9 100644 --- a/model-optimizer/extensions/front/tf/FlattenToReshape.py +++ b/model-optimizer/extensions/front/tf/FlattenToReshape.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/tf/GNMT_DynamicSequenceLengths.py b/model-optimizer/extensions/front/tf/GNMT_DynamicSequenceLengths.py index a17b93706e8d35..14532b194dda4c 100644 --- a/model-optimizer/extensions/front/tf/GNMT_DynamicSequenceLengths.py +++ b/model-optimizer/extensions/front/tf/GNMT_DynamicSequenceLengths.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/extensions/front/tf/GatherTree_ext.py b/model-optimizer/extensions/front/tf/GatherTree_ext.py index 937d3f57563f8f..27cbc0988205cc 100644 --- a/model-optimizer/extensions/front/tf/GatherTree_ext.py +++ b/model-optimizer/extensions/front/tf/GatherTree_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.GatherTree import GatherTree from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/InterpolateTransposes.py b/model-optimizer/extensions/front/tf/InterpolateTransposes.py index f97c295b82bfa3..1350f3c72bf29b 100644 --- a/model-optimizer/extensions/front/tf/InterpolateTransposes.py +++ b/model-optimizer/extensions/front/tf/InterpolateTransposes.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.interpolate import Interpolate diff --git a/model-optimizer/extensions/front/tf/IteratorGetNext_ext.py b/model-optimizer/extensions/front/tf/IteratorGetNext_ext.py index a78d6f62204ce4..d3ceb2b4627e8f 100644 --- a/model-optimizer/extensions/front/tf/IteratorGetNext_ext.py +++ b/model-optimizer/extensions/front/tf/IteratorGetNext_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import int64_array from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/KerasRNNTransformation.py b/model-optimizer/extensions/front/tf/KerasRNNTransformation.py index 7ba9fd41783630..70c853181a9624 100644 --- a/model-optimizer/extensions/front/tf/KerasRNNTransformation.py +++ b/model-optimizer/extensions/front/tf/KerasRNNTransformation.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/tf/LookupTableInsert_ext.py b/model-optimizer/extensions/front/tf/LookupTableInsert_ext.py index 8b82d3a4d58775..8102bbf3376382 100644 --- a/model-optimizer/extensions/front/tf/LookupTableInsert_ext.py +++ b/model-optimizer/extensions/front/tf/LookupTableInsert_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.LookupTableInsert import LookupTableInsert from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/LoopCond_ext.py b/model-optimizer/extensions/front/tf/LoopCond_ext.py index ad8b2b2d9f7dcb..a75baa769827f1 100644 --- a/model-optimizer/extensions/front/tf/LoopCond_ext.py +++ b/model-optimizer/extensions/front/tf/LoopCond_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.elemental import single_output_infer from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/NonConstBeginStridedSliceReplacement.py b/model-optimizer/extensions/front/tf/NonConstBeginStridedSliceReplacement.py index 2977f83d2c7f07..c0567921482ebc 100644 --- a/model-optimizer/extensions/front/tf/NonConstBeginStridedSliceReplacement.py +++ b/model-optimizer/extensions/front/tf/NonConstBeginStridedSliceReplacement.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/tf/NonConstBeginStridedSliceReplacement_test.py b/model-optimizer/extensions/front/tf/NonConstBeginStridedSliceReplacement_test.py index bd0307ee620b3d..6e6709f213b464 100644 --- a/model-optimizer/extensions/front/tf/NonConstBeginStridedSliceReplacement_test.py +++ b/model-optimizer/extensions/front/tf/NonConstBeginStridedSliceReplacement_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/tf/ObjectDetectionAPI.py b/model-optimizer/extensions/front/tf/ObjectDetectionAPI.py index 36cb993ccf2536..449b9e57983fb5 100644 --- a/model-optimizer/extensions/front/tf/ObjectDetectionAPI.py +++ b/model-optimizer/extensions/front/tf/ObjectDetectionAPI.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log from math import sqrt diff --git a/model-optimizer/extensions/front/tf/ObjectDetectionAPI_test.py b/model-optimizer/extensions/front/tf/ObjectDetectionAPI_test.py index 7b7f5742da0e0d..20d7a1c2d421bf 100644 --- a/model-optimizer/extensions/front/tf/ObjectDetectionAPI_test.py +++ b/model-optimizer/extensions/front/tf/ObjectDetectionAPI_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/tf/RetinaNetFilteredDetectionsReplacement.py b/model-optimizer/extensions/front/tf/RetinaNetFilteredDetectionsReplacement.py index 7fad9ba0af81f6..3cc7a8b3120549 100644 --- a/model-optimizer/extensions/front/tf/RetinaNetFilteredDetectionsReplacement.py +++ b/model-optimizer/extensions/front/tf/RetinaNetFilteredDetectionsReplacement.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/tf/SSDToolboxDetectionOutput.py b/model-optimizer/extensions/front/tf/SSDToolboxDetectionOutput.py index 87cad789cf777a..af24927e0bf930 100644 --- a/model-optimizer/extensions/front/tf/SSDToolboxDetectionOutput.py +++ b/model-optimizer/extensions/front/tf/SSDToolboxDetectionOutput.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.front.standalone_const_eraser import StandaloneConstEraser from extensions.ops.DetectionOutput import DetectionOutput diff --git a/model-optimizer/extensions/front/tf/SizeReplacer.py b/model-optimizer/extensions/front/tf/SizeReplacer.py index e43b8ee5d11664..3b65e97bb2e068 100644 --- a/model-optimizer/extensions/front/tf/SizeReplacer.py +++ b/model-optimizer/extensions/front/tf/SizeReplacer.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.ReduceOps import ReduceProd from mo.front.common.partial_infer.utils import int64_array from mo.front.common.replacement import FrontReplacementOp diff --git a/model-optimizer/extensions/front/tf/SwitchMergeOptimization.py b/model-optimizer/extensions/front/tf/SwitchMergeOptimization.py index f8bbc549cb63c7..cdd7e676057e6f 100644 --- a/model-optimizer/extensions/front/tf/SwitchMergeOptimization.py +++ b/model-optimizer/extensions/front/tf/SwitchMergeOptimization.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.select import Select from mo.front.common.replacement import FrontReplacementSubgraph from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/front/tf/SwitchMergeOptimization_test.py b/model-optimizer/extensions/front/tf/SwitchMergeOptimization_test.py index a1beafbdc17f3a..7370e7bcbdac5a 100644 --- a/model-optimizer/extensions/front/tf/SwitchMergeOptimization_test.py +++ b/model-optimizer/extensions/front/tf/SwitchMergeOptimization_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from extensions.front.tf.SwitchMergeOptimization import SwitchMergeOptimization diff --git a/model-optimizer/extensions/front/tf/TFResizeToInterpolate.py b/model-optimizer/extensions/front/tf/TFResizeToInterpolate.py index ebd8455314cb68..e9660a8b290b6b 100644 --- a/model-optimizer/extensions/front/tf/TFResizeToInterpolate.py +++ b/model-optimizer/extensions/front/tf/TFResizeToInterpolate.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/tf/TFSliceToSlice.py b/model-optimizer/extensions/front/tf/TFSliceToSlice.py index 4e4af4208d8662..07a61620a37451 100644 --- a/model-optimizer/extensions/front/tf/TFSliceToSlice.py +++ b/model-optimizer/extensions/front/tf/TFSliceToSlice.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/tf/TFSliceToSlice_test.py b/model-optimizer/extensions/front/tf/TFSliceToSlice_test.py index 75a4523e133225..a19fe3192412e4 100644 --- a/model-optimizer/extensions/front/tf/TFSliceToSlice_test.py +++ b/model-optimizer/extensions/front/tf/TFSliceToSlice_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/tf/TensorArrayExtractors.py b/model-optimizer/extensions/front/tf/TensorArrayExtractors.py index a1bae40a45e5c8..67e5246f251efe 100644 --- a/model-optimizer/extensions/front/tf/TensorArrayExtractors.py +++ b/model-optimizer/extensions/front/tf/TensorArrayExtractors.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.TensorArray import TensorArray from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/TensorArrayGatherV3.py b/model-optimizer/extensions/front/tf/TensorArrayGatherV3.py index 6b678553c2d59d..158a681f208510 100644 --- a/model-optimizer/extensions/front/tf/TensorArrayGatherV3.py +++ b/model-optimizer/extensions/front/tf/TensorArrayGatherV3.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.TensorArrayGather import TensorArrayGather from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/UnpackPackReverseInputChannels.py b/model-optimizer/extensions/front/tf/UnpackPackReverseInputChannels.py index 5b884d289d44ef..eded7589a2ee09 100644 --- a/model-optimizer/extensions/front/tf/UnpackPackReverseInputChannels.py +++ b/model-optimizer/extensions/front/tf/UnpackPackReverseInputChannels.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from extensions.back.ReverseInputChannels import ReverseChannels diff --git a/model-optimizer/extensions/front/tf/WhereDecomposition.py b/model-optimizer/extensions/front/tf/WhereDecomposition.py index 57913d104e14dd..79da519746556a 100644 --- a/model-optimizer/extensions/front/tf/WhereDecomposition.py +++ b/model-optimizer/extensions/front/tf/WhereDecomposition.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/tf/WhereDecomposition_test.py b/model-optimizer/extensions/front/tf/WhereDecomposition_test.py index 433d715495dbd9..e3ba84140cbf4d 100644 --- a/model-optimizer/extensions/front/tf/WhereDecomposition_test.py +++ b/model-optimizer/extensions/front/tf/WhereDecomposition_test.py @@ -1,19 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/tf/WhileNormalize.py b/model-optimizer/extensions/front/tf/WhileNormalize.py index a5d37216b16fec..f48f7b3d9866a7 100644 --- a/model-optimizer/extensions/front/tf/WhileNormalize.py +++ b/model-optimizer/extensions/front/tf/WhileNormalize.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/tf/__init__.py b/model-optimizer/extensions/front/tf/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/extensions/front/tf/__init__.py +++ b/model-optimizer/extensions/front/tf/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/extensions/front/tf/activation_ext.py b/model-optimizer/extensions/front/tf/activation_ext.py index f0976978dfb196..3780d77f7f3392 100644 --- a/model-optimizer/extensions/front/tf/activation_ext.py +++ b/model-optimizer/extensions/front/tf/activation_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.activation_ops import Abs, Elu, Erf, Exp, ReLU, LeakyReLU, LogicalNot, ReLU6, Sigmoid, \ Sin, Sinh, Cos, Cosh, Tan, Tanh, Ceiling, Atanh, Acosh, Asinh, Mish, Log from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/argmax_ext.py b/model-optimizer/extensions/front/tf/argmax_ext.py index 40ad1ee5d447db..cb308b74c2f8a4 100644 --- a/model-optimizer/extensions/front/tf/argmax_ext.py +++ b/model-optimizer/extensions/front/tf/argmax_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.argmax import ArgMaxOp diff --git a/model-optimizer/extensions/front/tf/assign_elimination.py b/model-optimizer/extensions/front/tf/assign_elimination.py index ec3424854ddb99..cccf0c1038590a 100644 --- a/model-optimizer/extensions/front/tf/assign_elimination.py +++ b/model-optimizer/extensions/front/tf/assign_elimination.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/tf/basic_lstm_cell.py b/model-optimizer/extensions/front/tf/basic_lstm_cell.py index 36089574776dee..be8378094f75f8 100644 --- a/model-optimizer/extensions/front/tf/basic_lstm_cell.py +++ b/model-optimizer/extensions/front/tf/basic_lstm_cell.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2017-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.front.split_normalizer import SplitInputsReconnect from extensions.ops.lstm_cell import LSTMCell from mo.front.common.replacement import FrontReplacementSubgraph diff --git a/model-optimizer/extensions/front/tf/batch_to_space_ext.py b/model-optimizer/extensions/front/tf/batch_to_space_ext.py index 41868ee54a6ef4..fae988a5645859 100644 --- a/model-optimizer/extensions/front/tf/batch_to_space_ext.py +++ b/model-optimizer/extensions/front/tf/batch_to_space_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.ops.space_to_batch import BatchToSpace diff --git a/model-optimizer/extensions/front/tf/broadcast_ext.py b/model-optimizer/extensions/front/tf/broadcast_ext.py index 1547c2c6914cbb..fa9d5b58b3f94e 100644 --- a/model-optimizer/extensions/front/tf/broadcast_ext.py +++ b/model-optimizer/extensions/front/tf/broadcast_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.graph.graph import Node diff --git a/model-optimizer/extensions/front/tf/bucketize.py b/model-optimizer/extensions/front/tf/bucketize.py index 6ebb43111dc192..18bf645aa2669c 100644 --- a/model-optimizer/extensions/front/tf/bucketize.py +++ b/model-optimizer/extensions/front/tf/bucketize.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/tf/bucketize_ext.py b/model-optimizer/extensions/front/tf/bucketize_ext.py index e981ab7d535dc2..3e651dfaf1ba4b 100644 --- a/model-optimizer/extensions/front/tf/bucketize_ext.py +++ b/model-optimizer/extensions/front/tf/bucketize_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/tf/concat.py b/model-optimizer/extensions/front/tf/concat.py index 0e68bced290c32..401d146072c734 100644 --- a/model-optimizer/extensions/front/tf/concat.py +++ b/model-optimizer/extensions/front/tf/concat.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.replacement import FrontReplacementSubgraph from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/front/tf/concat_ext.py b/model-optimizer/extensions/front/tf/concat_ext.py index 7a3ec2239cb88d..18c476dad19235 100644 --- a/model-optimizer/extensions/front/tf/concat_ext.py +++ b/model-optimizer/extensions/front/tf/concat_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.ops.concat import Concat diff --git a/model-optimizer/extensions/front/tf/concat_ext_test.py b/model-optimizer/extensions/front/tf/concat_ext_test.py index a0e7f8022a19a8..bda6c35447b3b3 100644 --- a/model-optimizer/extensions/front/tf/concat_ext_test.py +++ b/model-optimizer/extensions/front/tf/concat_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.front.tf.concat_ext import ConcatFrontExtractor from mo.utils.unittest.extractors import PB, BaseExtractorsTestingClass diff --git a/model-optimizer/extensions/front/tf/concat_test.py b/model-optimizer/extensions/front/tf/concat_test.py index eac3afdc530b70..41cee96ca7135a 100644 --- a/model-optimizer/extensions/front/tf/concat_test.py +++ b/model-optimizer/extensions/front/tf/concat_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/tf/const_ext.py b/model-optimizer/extensions/front/tf/const_ext.py index 06f1e1156f2286..72cb8d37eddfc6 100644 --- a/model-optimizer/extensions/front/tf/const_ext.py +++ b/model-optimizer/extensions/front/tf/const_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.front.tf.extractors.utils import tf_dtype_extractor, tf_tensor_shape, tf_tensor_content diff --git a/model-optimizer/extensions/front/tf/conv_ext.py b/model-optimizer/extensions/front/tf/conv_ext.py index f155792a216312..1800f0322c7240 100644 --- a/model-optimizer/extensions/front/tf/conv_ext.py +++ b/model-optimizer/extensions/front/tf/conv_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.front.common.partial_infer.utils import convert_tf_padding_to_str, int64_array diff --git a/model-optimizer/extensions/front/tf/conv_ext_test.py b/model-optimizer/extensions/front/tf/conv_ext_test.py index 7bd85d859ed6db..230bef5dc67813 100644 --- a/model-optimizer/extensions/front/tf/conv_ext_test.py +++ b/model-optimizer/extensions/front/tf/conv_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/tf/crop_and_resize_ext.py b/model-optimizer/extensions/front/tf/crop_and_resize_ext.py index c1d758819f272f..2ba6a8903d980b 100644 --- a/model-optimizer/extensions/front/tf/crop_and_resize_ext.py +++ b/model-optimizer/extensions/front/tf/crop_and_resize_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/tf/cumsum_ext.py b/model-optimizer/extensions/front/tf/cumsum_ext.py index 98870cc461613b..5c9e502199c303 100644 --- a/model-optimizer/extensions/front/tf/cumsum_ext.py +++ b/model-optimizer/extensions/front/tf/cumsum_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.cumsum import CumSum from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/deconv_ext.py b/model-optimizer/extensions/front/tf/deconv_ext.py index 95d97d3a9dc81b..23c9a93fc3e3f9 100644 --- a/model-optimizer/extensions/front/tf/deconv_ext.py +++ b/model-optimizer/extensions/front/tf/deconv_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import convert_deconv_tf_padding_to_str, int64_array from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/deconv_ext_test.py b/model-optimizer/extensions/front/tf/deconv_ext_test.py index d2e394c3b42ca8..8b97f0b3f97eb3 100644 --- a/model-optimizer/extensions/front/tf/deconv_ext_test.py +++ b/model-optimizer/extensions/front/tf/deconv_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/tf/depth_to_space.py b/model-optimizer/extensions/front/tf/depth_to_space.py index ce607742a6ccef..ab6c5731ee6c9d 100644 --- a/model-optimizer/extensions/front/tf/depth_to_space.py +++ b/model-optimizer/extensions/front/tf/depth_to_space.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.depth_to_space import DepthToSpaceOp from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/elementwise_ext.py b/model-optimizer/extensions/front/tf/elementwise_ext.py index 1b5af31a7b3ff1..bbdddc1b6570d5 100644 --- a/model-optimizer/extensions/front/tf/elementwise_ext.py +++ b/model-optimizer/extensions/front/tf/elementwise_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.elementwise import Add, Mul, Sub, Div, Maximum, Minimum, Pow, LogicalAnd, LogicalOr, Equal, \ GreaterEqual, Greater, Less, LessEqual, NotEqual, FloorMod, BiasAdd, SquaredDifference, Round from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/embedding_segments_sum.py b/model-optimizer/extensions/front/tf/embedding_segments_sum.py index 933cf92c454d99..c38276a3bd5d78 100644 --- a/model-optimizer/extensions/front/tf/embedding_segments_sum.py +++ b/model-optimizer/extensions/front/tf/embedding_segments_sum.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log import numpy as np diff --git a/model-optimizer/extensions/front/tf/embedding_segments_sum_test.py b/model-optimizer/extensions/front/tf/embedding_segments_sum_test.py index da1aca74001a09..1b41e033dc27aa 100644 --- a/model-optimizer/extensions/front/tf/embedding_segments_sum_test.py +++ b/model-optimizer/extensions/front/tf/embedding_segments_sum_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/tf/expand_dims_ext.py b/model-optimizer/extensions/front/tf/expand_dims_ext.py index c5f22192c26a19..65a2856f2a02ec 100644 --- a/model-optimizer/extensions/front/tf/expand_dims_ext.py +++ b/model-optimizer/extensions/front/tf/expand_dims_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.graph.graph import Node diff --git a/model-optimizer/extensions/front/tf/extract_image_patches_ext.py b/model-optimizer/extensions/front/tf/extract_image_patches_ext.py index d2f9f80efcf9d4..7ebcc118fb708f 100644 --- a/model-optimizer/extensions/front/tf/extract_image_patches_ext.py +++ b/model-optimizer/extensions/front/tf/extract_image_patches_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.ExtractImagePatches import ExtractImagePatches from mo.front.common.partial_infer.utils import convert_tf_padding_to_str diff --git a/model-optimizer/extensions/front/tf/fake_const_ext.py b/model-optimizer/extensions/front/tf/fake_const_ext.py index 20a18400ed6189..ba32c4c065fdd1 100644 --- a/model-optimizer/extensions/front/tf/fake_const_ext.py +++ b/model-optimizer/extensions/front/tf/fake_const_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/front/tf/fifo_queue_v2_ext.py b/model-optimizer/extensions/front/tf/fifo_queue_v2_ext.py index 94ab537bc1f20b..a136b1c93e1bbd 100644 --- a/model-optimizer/extensions/front/tf/fifo_queue_v2_ext.py +++ b/model-optimizer/extensions/front/tf/fifo_queue_v2_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/fifo_replacer.py b/model-optimizer/extensions/front/tf/fifo_replacer.py index 577645fa1bb4d4..762747980c4f3e 100644 --- a/model-optimizer/extensions/front/tf/fifo_replacer.py +++ b/model-optimizer/extensions/front/tf/fifo_replacer.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/extensions/front/tf/fifo_replacer_test.py b/model-optimizer/extensions/front/tf/fifo_replacer_test.py index 31946442a4f64a..d3b639f154188c 100644 --- a/model-optimizer/extensions/front/tf/fifo_replacer_test.py +++ b/model-optimizer/extensions/front/tf/fifo_replacer_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/tf/fill_ext.py b/model-optimizer/extensions/front/tf/fill_ext.py index a5859c51263606..c5f6c6087ccc92 100644 --- a/model-optimizer/extensions/front/tf/fill_ext.py +++ b/model-optimizer/extensions/front/tf/fill_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.ops.fill import Fill diff --git a/model-optimizer/extensions/front/tf/floor_div_decomposition.py b/model-optimizer/extensions/front/tf/floor_div_decomposition.py index 952015d36acf42..2f3c5bd3759a61 100644 --- a/model-optimizer/extensions/front/tf/floor_div_decomposition.py +++ b/model-optimizer/extensions/front/tf/floor_div_decomposition.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.activation_ops import Floor from extensions.ops.elementwise import Div diff --git a/model-optimizer/extensions/front/tf/floor_div_test.py b/model-optimizer/extensions/front/tf/floor_div_test.py index 835072dce7abb9..57a48d4c194484 100644 --- a/model-optimizer/extensions/front/tf/floor_div_test.py +++ b/model-optimizer/extensions/front/tf/floor_div_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/tf/floor_ext.py b/model-optimizer/extensions/front/tf/floor_ext.py index 4396ca9959a900..d201232810b2ae 100644 --- a/model-optimizer/extensions/front/tf/floor_ext.py +++ b/model-optimizer/extensions/front/tf/floor_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.activation_ops import Floor from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/gather_ext.py b/model-optimizer/extensions/front/tf/gather_ext.py index bb7f1d9d811b1f..8af73b1550272c 100644 --- a/model-optimizer/extensions/front/tf/gather_ext.py +++ b/model-optimizer/extensions/front/tf/gather_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.gather import Gather, AttributedGather from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/gathernd_ext.py b/model-optimizer/extensions/front/tf/gathernd_ext.py index c9a9839fa503c1..c11ee0d92f5709 100644 --- a/model-optimizer/extensions/front/tf/gathernd_ext.py +++ b/model-optimizer/extensions/front/tf/gathernd_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.gathernd import GatherND from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/identityN_to_identity.py b/model-optimizer/extensions/front/tf/identityN_to_identity.py index 298edca014eb9f..7876cc72f3960b 100644 --- a/model-optimizer/extensions/front/tf/identityN_to_identity.py +++ b/model-optimizer/extensions/front/tf/identityN_to_identity.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.identity import Identity from mo.front.common.replacement import FrontReplacementPattern diff --git a/model-optimizer/extensions/front/tf/identityN_to_identity_test.py b/model-optimizer/extensions/front/tf/identityN_to_identity_test.py index 8970d2449690f1..f05fbf46ac3226 100644 --- a/model-optimizer/extensions/front/tf/identityN_to_identity_test.py +++ b/model-optimizer/extensions/front/tf/identityN_to_identity_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/tf/identity_ext.py b/model-optimizer/extensions/front/tf/identity_ext.py index bb7c1ca3173823..ceaf5aa4c86cc6 100644 --- a/model-optimizer/extensions/front/tf/identity_ext.py +++ b/model-optimizer/extensions/front/tf/identity_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.identity import Identity, IdentityN from mo.front.extractor import FrontExtractorOp from mo.front.tf.extractors.utils import tf_dtype_extractor diff --git a/model-optimizer/extensions/front/tf/log_softmax_ext.py b/model-optimizer/extensions/front/tf/log_softmax_ext.py index e15fdf47bd0044..88459fd979a0a7 100644 --- a/model-optimizer/extensions/front/tf/log_softmax_ext.py +++ b/model-optimizer/extensions/front/tf/log_softmax_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.ops.log_softmax import LogSoftmax diff --git a/model-optimizer/extensions/front/tf/lrn_ext.py b/model-optimizer/extensions/front/tf/lrn_ext.py index 50dc036e5302f6..1b33e0f8eccb61 100644 --- a/model-optimizer/extensions/front/tf/lrn_ext.py +++ b/model-optimizer/extensions/front/tf/lrn_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.extractor import FrontExtractorOp from mo.ops.lrn import AttributedLRN diff --git a/model-optimizer/extensions/front/tf/matmul_ext.py b/model-optimizer/extensions/front/tf/matmul_ext.py index b88cd08b87a9d4..80a1da52839eb3 100644 --- a/model-optimizer/extensions/front/tf/matmul_ext.py +++ b/model-optimizer/extensions/front/tf/matmul_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.MatMul import MatMul from mo.front.extractor import FrontExtractorOp from mo.graph.graph import Node diff --git a/model-optimizer/extensions/front/tf/mvn.py b/model-optimizer/extensions/front/tf/mvn.py index 003d23939d498d..4c4a4afed0a5fc 100644 --- a/model-optimizer/extensions/front/tf/mvn.py +++ b/model-optimizer/extensions/front/tf/mvn.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/tf/mvn_unrolled.py b/model-optimizer/extensions/front/tf/mvn_unrolled.py index 78229f991d8cb0..092eae1fbacd8b 100644 --- a/model-optimizer/extensions/front/tf/mvn_unrolled.py +++ b/model-optimizer/extensions/front/tf/mvn_unrolled.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/tf/mvn_unrolled_test.py b/model-optimizer/extensions/front/tf/mvn_unrolled_test.py index 9ec89306bb265a..28df8ae474ee07 100644 --- a/model-optimizer/extensions/front/tf/mvn_unrolled_test.py +++ b/model-optimizer/extensions/front/tf/mvn_unrolled_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from extensions.front.tf.mvn_unrolled import MVNUnrolled diff --git a/model-optimizer/extensions/front/tf/nearest_neighbor_upsampling.py b/model-optimizer/extensions/front/tf/nearest_neighbor_upsampling.py index 365bde157e7627..d5b238d56e0da7 100644 --- a/model-optimizer/extensions/front/tf/nearest_neighbor_upsampling.py +++ b/model-optimizer/extensions/front/tf/nearest_neighbor_upsampling.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/tf/next_iteration_ext.py b/model-optimizer/extensions/front/tf/next_iteration_ext.py index 6322fa233e22dd..0e7ebb55f44d0e 100644 --- a/model-optimizer/extensions/front/tf/next_iteration_ext.py +++ b/model-optimizer/extensions/front/tf/next_iteration_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.elemental import copy_shape_infer from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/next_iteration_ext_test.py b/model-optimizer/extensions/front/tf/next_iteration_ext_test.py index 86339cb95a46e7..eaf5f06c52ceb7 100644 --- a/model-optimizer/extensions/front/tf/next_iteration_ext_test.py +++ b/model-optimizer/extensions/front/tf/next_iteration_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.front.tf.next_iteration_ext import NextIterationExtractor from mo.utils.unittest.extractors import PB, BaseExtractorsTestingClass diff --git a/model-optimizer/extensions/front/tf/non_max_suppression_ext.py b/model-optimizer/extensions/front/tf/non_max_suppression_ext.py index 9db59e8a762a09..4bbb4b46fb3ce7 100644 --- a/model-optimizer/extensions/front/tf/non_max_suppression_ext.py +++ b/model-optimizer/extensions/front/tf/non_max_suppression_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/extensions/front/tf/non_max_suppression_normalize.py b/model-optimizer/extensions/front/tf/non_max_suppression_normalize.py index 5cf5ef7b659a10..537389095f1fb8 100644 --- a/model-optimizer/extensions/front/tf/non_max_suppression_normalize.py +++ b/model-optimizer/extensions/front/tf/non_max_suppression_normalize.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/front/tf/noop.py b/model-optimizer/extensions/front/tf/noop.py index 7c8f0fa6c4997d..86aae635c50a7a 100644 --- a/model-optimizer/extensions/front/tf/noop.py +++ b/model-optimizer/extensions/front/tf/noop.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/tf/one_hot_ext.py b/model-optimizer/extensions/front/tf/one_hot_ext.py index 7bba9334fa2477..4d25cb2af2e5ed 100644 --- a/model-optimizer/extensions/front/tf/one_hot_ext.py +++ b/model-optimizer/extensions/front/tf/one_hot_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/tf/pad_ext.py b/model-optimizer/extensions/front/tf/pad_ext.py index 4dc48a57571ef8..d51e1a4a8e4a36 100644 --- a/model-optimizer/extensions/front/tf/pad_ext.py +++ b/model-optimizer/extensions/front/tf/pad_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.ops.pad import TFPad diff --git a/model-optimizer/extensions/front/tf/pad_tf_to_pad.py b/model-optimizer/extensions/front/tf/pad_tf_to_pad.py index 9134546be33433..b773a6e9514f86 100644 --- a/model-optimizer/extensions/front/tf/pad_tf_to_pad.py +++ b/model-optimizer/extensions/front/tf/pad_tf_to_pad.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.split import Split from extensions.ops.transpose import Transpose from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/front/tf/pad_tf_to_pad_test.py b/model-optimizer/extensions/front/tf/pad_tf_to_pad_test.py index 681af101a5793c..ea017d17e9ae59 100644 --- a/model-optimizer/extensions/front/tf/pad_tf_to_pad_test.py +++ b/model-optimizer/extensions/front/tf/pad_tf_to_pad_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/tf/placeholder_ext.py b/model-optimizer/extensions/front/tf/placeholder_ext.py index 1fe9453850a0fa..534ed34951bd89 100644 --- a/model-optimizer/extensions/front/tf/placeholder_ext.py +++ b/model-optimizer/extensions/front/tf/placeholder_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.parameter import Parameter from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/placeholder_with_default_ext.py b/model-optimizer/extensions/front/tf/placeholder_with_default_ext.py index 49d1a9993310eb..ec42fcb5efa028 100644 --- a/model-optimizer/extensions/front/tf/placeholder_with_default_ext.py +++ b/model-optimizer/extensions/front/tf/placeholder_with_default_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.partial_infer.elemental import copy_shape_infer, copy_value from mo.front.extractor import FrontExtractorOp from mo.front.tf.extractors.utils import tf_dtype_extractor, tf_tensor_shape diff --git a/model-optimizer/extensions/front/tf/pooling_ext.py b/model-optimizer/extensions/front/tf/pooling_ext.py index dcc34f35ab2a63..4badd36ede6ce7 100644 --- a/model-optimizer/extensions/front/tf/pooling_ext.py +++ b/model-optimizer/extensions/front/tf/pooling_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import convert_tf_padding_to_str from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/prelu.py b/model-optimizer/extensions/front/tf/prelu.py index 5e416b5be1b75d..a5ae263a03aea1 100644 --- a/model-optimizer/extensions/front/tf/prelu.py +++ b/model-optimizer/extensions/front/tf/prelu.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/tf/range_ext.py b/model-optimizer/extensions/front/tf/range_ext.py index ad38e17f277954..138a03094fdc85 100644 --- a/model-optimizer/extensions/front/tf/range_ext.py +++ b/model-optimizer/extensions/front/tf/range_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.range import Range from mo.front.extractor import FrontExtractorOp from mo.front.tf.extractors.utils import tf_dtype_extractor diff --git a/model-optimizer/extensions/front/tf/reduce_ext.py b/model-optimizer/extensions/front/tf/reduce_ext.py index f17d3ecb555f22..5ebff5ba6eb9f4 100644 --- a/model-optimizer/extensions/front/tf/reduce_ext.py +++ b/model-optimizer/extensions/front/tf/reduce_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.ReduceOps import ReduceProd, ReduceAnd, ReduceMax, ReduceMean, ReduceSum, ReduceL2 from mo.front.extractor import FrontExtractorOp from mo.graph.graph import Node diff --git a/model-optimizer/extensions/front/tf/reshape_related_ext.py b/model-optimizer/extensions/front/tf/reshape_related_ext.py index 3de98930543096..d9e8bdec00468c 100644 --- a/model-optimizer/extensions/front/tf/reshape_related_ext.py +++ b/model-optimizer/extensions/front/tf/reshape_related_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.rank import Rank diff --git a/model-optimizer/extensions/front/tf/resize_bilinear.py b/model-optimizer/extensions/front/tf/resize_bilinear.py index 101142496ff24c..73a2884223072b 100644 --- a/model-optimizer/extensions/front/tf/resize_bilinear.py +++ b/model-optimizer/extensions/front/tf/resize_bilinear.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.TFResize import TFResize from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/resize_nearest_neighbor.py b/model-optimizer/extensions/front/tf/resize_nearest_neighbor.py index 4648a916ae404d..3c98dcd03ae09d 100644 --- a/model-optimizer/extensions/front/tf/resize_nearest_neighbor.py +++ b/model-optimizer/extensions/front/tf/resize_nearest_neighbor.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.TFResize import TFResize from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/reverse_sequence.py b/model-optimizer/extensions/front/tf/reverse_sequence.py index 86451f187bc079..56368ef4b78c74 100644 --- a/model-optimizer/extensions/front/tf/reverse_sequence.py +++ b/model-optimizer/extensions/front/tf/reverse_sequence.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.reverse_sequence import ReverseSequence from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/reverse_v2.py b/model-optimizer/extensions/front/tf/reverse_v2.py index 7fc39f0b79c9da..4bab756f29a6a9 100644 --- a/model-optimizer/extensions/front/tf/reverse_v2.py +++ b/model-optimizer/extensions/front/tf/reverse_v2.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.Reverse import Reverse from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/select_ext.py b/model-optimizer/extensions/front/tf/select_ext.py index c3a8c6a687f78f..4a2436a8f21306 100644 --- a/model-optimizer/extensions/front/tf/select_ext.py +++ b/model-optimizer/extensions/front/tf/select_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.select import Select from mo.front.extractor import FrontExtractorOp from mo.graph.graph import Node diff --git a/model-optimizer/extensions/front/tf/sign_ext.py b/model-optimizer/extensions/front/tf/sign_ext.py index d9aba877d8ab60..150facbda2ea28 100644 --- a/model-optimizer/extensions/front/tf/sign_ext.py +++ b/model-optimizer/extensions/front/tf/sign_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.activation_ops import Sign from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/size_replacer_test.py b/model-optimizer/extensions/front/tf/size_replacer_test.py index e94b67d5854eae..446bc20f1e9351 100644 --- a/model-optimizer/extensions/front/tf/size_replacer_test.py +++ b/model-optimizer/extensions/front/tf/size_replacer_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/tf/slice_ext.py b/model-optimizer/extensions/front/tf/slice_ext.py index 288a36b69b156a..a052f67c756317 100644 --- a/model-optimizer/extensions/front/tf/slice_ext.py +++ b/model-optimizer/extensions/front/tf/slice_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.graph.graph import Node diff --git a/model-optimizer/extensions/front/tf/softmax_ext.py b/model-optimizer/extensions/front/tf/softmax_ext.py index e6803031210831..17c431dbb24332 100644 --- a/model-optimizer/extensions/front/tf/softmax_ext.py +++ b/model-optimizer/extensions/front/tf/softmax_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.ops.softmax import Softmax diff --git a/model-optimizer/extensions/front/tf/softplus_ext.py b/model-optimizer/extensions/front/tf/softplus_ext.py index 3956bfdfe09f60..43830342a70c8e 100644 --- a/model-optimizer/extensions/front/tf/softplus_ext.py +++ b/model-optimizer/extensions/front/tf/softplus_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from extensions.ops.activation_ops import SoftPlus diff --git a/model-optimizer/extensions/front/tf/space_to_batch.py b/model-optimizer/extensions/front/tf/space_to_batch.py index 1780dd150e1108..c3333642d4f686 100644 --- a/model-optimizer/extensions/front/tf/space_to_batch.py +++ b/model-optimizer/extensions/front/tf/space_to_batch.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.Cast import Cast diff --git a/model-optimizer/extensions/front/tf/space_to_batch_ext.py b/model-optimizer/extensions/front/tf/space_to_batch_ext.py index c278104fb0fc21..7a2cf873928c47 100644 --- a/model-optimizer/extensions/front/tf/space_to_batch_ext.py +++ b/model-optimizer/extensions/front/tf/space_to_batch_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.ops.space_to_batch import SpaceToBatch diff --git a/model-optimizer/extensions/front/tf/space_to_depth_ext.py b/model-optimizer/extensions/front/tf/space_to_depth_ext.py index 8da78a964bca3f..4fe3a45c4f4dee 100644 --- a/model-optimizer/extensions/front/tf/space_to_depth_ext.py +++ b/model-optimizer/extensions/front/tf/space_to_depth_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.space_to_depth import SpaceToDepth from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/sparse_fill_empty_rows_ext.py b/model-optimizer/extensions/front/tf/sparse_fill_empty_rows_ext.py index c1caef5b29d278..a9e2a941513d17 100644 --- a/model-optimizer/extensions/front/tf/sparse_fill_empty_rows_ext.py +++ b/model-optimizer/extensions/front/tf/sparse_fill_empty_rows_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.sparse_fill_empty_rows import SparseFillEmptyRows from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/sparse_segment_mean_ext.py b/model-optimizer/extensions/front/tf/sparse_segment_mean_ext.py index f09c5f6863854f..a71842618b1f01 100644 --- a/model-optimizer/extensions/front/tf/sparse_segment_mean_ext.py +++ b/model-optimizer/extensions/front/tf/sparse_segment_mean_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.sparse_segment_mean import SparseSegmentMean from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/sparse_segment_sqrtn_ext.py b/model-optimizer/extensions/front/tf/sparse_segment_sqrtn_ext.py index 8a6c81c3761b33..385ad19dc45721 100644 --- a/model-optimizer/extensions/front/tf/sparse_segment_sqrtn_ext.py +++ b/model-optimizer/extensions/front/tf/sparse_segment_sqrtn_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.sparse_segment_sqrtn import SparseSegmentSqrtN from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/sparse_segment_sum_ext.py b/model-optimizer/extensions/front/tf/sparse_segment_sum_ext.py index f93c8eb227b176..4c512623a92f17 100644 --- a/model-optimizer/extensions/front/tf/sparse_segment_sum_ext.py +++ b/model-optimizer/extensions/front/tf/sparse_segment_sum_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.sparse_segment_sum import SparseSegmentSum from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/sparse_to_dense_replacer.py b/model-optimizer/extensions/front/tf/sparse_to_dense_replacer.py index 26a52bfde02201..1440b150696a94 100644 --- a/model-optimizer/extensions/front/tf/sparse_to_dense_replacer.py +++ b/model-optimizer/extensions/front/tf/sparse_to_dense_replacer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/front/tf/sparse_to_dense_replacer_test.py b/model-optimizer/extensions/front/tf/sparse_to_dense_replacer_test.py index 257e182c51f2ec..b1ac8426c7fffd 100644 --- a/model-optimizer/extensions/front/tf/sparse_to_dense_replacer_test.py +++ b/model-optimizer/extensions/front/tf/sparse_to_dense_replacer_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/front/tf/split_ext.py b/model-optimizer/extensions/front/tf/split_ext.py index 5c62016c84558d..d44971a0b3219e 100644 --- a/model-optimizer/extensions/front/tf/split_ext.py +++ b/model-optimizer/extensions/front/tf/split_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.split import VariadicSplit, Split, AttributedSplit from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/swap_deconv_inputs.py b/model-optimizer/extensions/front/tf/swap_deconv_inputs.py index 5dcfb4ddd1fdbb..0d194685340232 100644 --- a/model-optimizer/extensions/front/tf/swap_deconv_inputs.py +++ b/model-optimizer/extensions/front/tf/swap_deconv_inputs.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.replacement import FrontReplacementSubgraph from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/front/tf/swish_ext.py b/model-optimizer/extensions/front/tf/swish_ext.py index 5bdc487dc475a1..8e757d0b986277 100644 --- a/model-optimizer/extensions/front/tf/swish_ext.py +++ b/model-optimizer/extensions/front/tf/swish_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.activation_ops import Swish from mo.front.extractor import FrontExtractorOp from mo.graph.graph import Node diff --git a/model-optimizer/extensions/front/tf/tensorflow_custom_operations_config_update.py b/model-optimizer/extensions/front/tf/tensorflow_custom_operations_config_update.py index c6ed23ede6b821..ecc0c9ebbcbaa7 100644 --- a/model-optimizer/extensions/front/tf/tensorflow_custom_operations_config_update.py +++ b/model-optimizer/extensions/front/tf/tensorflow_custom_operations_config_update.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import json from mo.front.common.replacement import FrontReplacementPattern diff --git a/model-optimizer/extensions/front/tf/tile_ext.py b/model-optimizer/extensions/front/tf/tile_ext.py index 86fd5d52c40c5d..128e4bebfaf840 100644 --- a/model-optimizer/extensions/front/tf/tile_ext.py +++ b/model-optimizer/extensions/front/tf/tile_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.extractor import FrontExtractorOp from mo.ops.tile import Tile diff --git a/model-optimizer/extensions/front/tf/topk_ext.py b/model-optimizer/extensions/front/tf/topk_ext.py index 74608851688154..f6ce033626a418 100644 --- a/model-optimizer/extensions/front/tf/topk_ext.py +++ b/model-optimizer/extensions/front/tf/topk_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.topk import TopK diff --git a/model-optimizer/extensions/front/tf/transpose_ext.py b/model-optimizer/extensions/front/tf/transpose_ext.py index 5d42e8cf4885ba..876b433180b696 100644 --- a/model-optimizer/extensions/front/tf/transpose_ext.py +++ b/model-optimizer/extensions/front/tf/transpose_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.transpose import Transpose from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/transposed_mvn_unrolled.py b/model-optimizer/extensions/front/tf/transposed_mvn_unrolled.py index 6f7c895169fc38..9fcb88630b4214 100644 --- a/model-optimizer/extensions/front/tf/transposed_mvn_unrolled.py +++ b/model-optimizer/extensions/front/tf/transposed_mvn_unrolled.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/front/tf/unique_ext.py b/model-optimizer/extensions/front/tf/unique_ext.py index 29c0e236d1b34e..eb6551fff764b2 100644 --- a/model-optimizer/extensions/front/tf/unique_ext.py +++ b/model-optimizer/extensions/front/tf/unique_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.unique import Unique from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/extensions/front/tf/variable_ext.py b/model-optimizer/extensions/front/tf/variable_ext.py index 445510ae02e40b..2e0b7351119f30 100644 --- a/model-optimizer/extensions/front/tf/variable_ext.py +++ b/model-optimizer/extensions/front/tf/variable_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.extractor import FrontExtractorOp from mo.ops.op import Op diff --git a/model-optimizer/extensions/front/tf/variables_values_freezing.py b/model-optimizer/extensions/front/tf/variables_values_freezing.py index 8dbe3e3a9b78b5..d1fab151414908 100644 --- a/model-optimizer/extensions/front/tf/variables_values_freezing.py +++ b/model-optimizer/extensions/front/tf/variables_values_freezing.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.replacement import FrontReplacementPattern from mo.front.tf.loader import variables_to_constants from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/front/tf/while_ext.py b/model-optimizer/extensions/front/tf/while_ext.py index 35788d1ef7e16b..eb33a4e5f75037 100644 --- a/model-optimizer/extensions/front/tf/while_ext.py +++ b/model-optimizer/extensions/front/tf/while_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2017-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import copy from extensions.ops.loop import Loop diff --git a/model-optimizer/extensions/front/transformations_config.py b/model-optimizer/extensions/front/transformations_config.py index aae7381ca6b3d9..0aa2ad5fb070be 100644 --- a/model-optimizer/extensions/front/transformations_config.py +++ b/model-optimizer/extensions/front/transformations_config.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.custom_replacement_registry import CustomReplacementRegistry from mo.front.common.replacement import FrontReplacementPattern from mo.front.tf.replacement import FrontReplacementFromConfigFileOp diff --git a/model-optimizer/extensions/front/user_data_repack.py b/model-optimizer/extensions/front/user_data_repack.py index d3a03fd6bfb26a..80a2aff557c079 100644 --- a/model-optimizer/extensions/front/user_data_repack.py +++ b/model-optimizer/extensions/front/user_data_repack.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.replacement import FrontReplacementPattern from mo.front.extractor import user_data_repack from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/load/__init__.py b/model-optimizer/extensions/load/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/extensions/load/__init__.py +++ b/model-optimizer/extensions/load/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/extensions/load/caffe/__init__.py b/model-optimizer/extensions/load/caffe/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/extensions/load/caffe/__init__.py +++ b/model-optimizer/extensions/load/caffe/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/extensions/load/caffe/loader.py b/model-optimizer/extensions/load/caffe/loader.py index a80cd3b5427c81..9ca6c213665084 100644 --- a/model-optimizer/extensions/load/caffe/loader.py +++ b/model-optimizer/extensions/load/caffe/loader.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.load.loader import Loader from mo.front.caffe import custom_layers_mapping, loader diff --git a/model-optimizer/extensions/load/kaldi/__init__.py b/model-optimizer/extensions/load/kaldi/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/extensions/load/kaldi/__init__.py +++ b/model-optimizer/extensions/load/kaldi/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/extensions/load/kaldi/loader.py b/model-optimizer/extensions/load/kaldi/loader.py index c3a5768f26de92..60ce0c706303e5 100644 --- a/model-optimizer/extensions/load/kaldi/loader.py +++ b/model-optimizer/extensions/load/kaldi/loader.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.load.loader import Loader from mo.front.common.register_custom_ops import update_extractors_with_extensions from mo.front.extractor import extract_node_attrs diff --git a/model-optimizer/extensions/load/loader.py b/model-optimizer/extensions/load/loader.py index 7cafafb00d8c6d..aa1b3eb15e68e9 100644 --- a/model-optimizer/extensions/load/loader.py +++ b/model-optimizer/extensions/load/loader.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.utils import class_registration diff --git a/model-optimizer/extensions/load/mxnet/__init__.py b/model-optimizer/extensions/load/mxnet/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/extensions/load/mxnet/__init__.py +++ b/model-optimizer/extensions/load/mxnet/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/extensions/load/mxnet/loader.py b/model-optimizer/extensions/load/mxnet/loader.py index 7bcda5a63a9c81..e5fef61bad3243 100644 --- a/model-optimizer/extensions/load/mxnet/loader.py +++ b/model-optimizer/extensions/load/mxnet/loader.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.utils.error import FrameworkError, Error from mo.utils.utils import refer_to_faq_msg diff --git a/model-optimizer/extensions/load/onnx/__init__.py b/model-optimizer/extensions/load/onnx/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/extensions/load/onnx/__init__.py +++ b/model-optimizer/extensions/load/onnx/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/extensions/load/onnx/loader.py b/model-optimizer/extensions/load/onnx/loader.py index d22a6261b81f65..6a65717de7215f 100644 --- a/model-optimizer/extensions/load/onnx/loader.py +++ b/model-optimizer/extensions/load/onnx/loader.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/model-optimizer/extensions/load/tf/__init__.py b/model-optimizer/extensions/load/tf/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/extensions/load/tf/__init__.py +++ b/model-optimizer/extensions/load/tf/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/extensions/load/tf/loader.py b/model-optimizer/extensions/load/tf/loader.py index 75f2d1310fdcef..4ae484bb04891b 100644 --- a/model-optimizer/extensions/load/tf/loader.py +++ b/model-optimizer/extensions/load/tf/loader.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2020-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 try: import tensorflow.compat.v1 as tf_v1 diff --git a/model-optimizer/extensions/middle/AddFakeQuantizeFuse.py b/model-optimizer/extensions/middle/AddFakeQuantizeFuse.py index 759c35c4afdc61..4fd5b70390d061 100644 --- a/model-optimizer/extensions/middle/AddFakeQuantizeFuse.py +++ b/model-optimizer/extensions/middle/AddFakeQuantizeFuse.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log from typing import Dict diff --git a/model-optimizer/extensions/middle/AddIsCyclicAttribute.py b/model-optimizer/extensions/middle/AddIsCyclicAttribute.py index dd0fa994d849c1..6bea6d49a4e85a 100644 --- a/model-optimizer/extensions/middle/AddIsCyclicAttribute.py +++ b/model-optimizer/extensions/middle/AddIsCyclicAttribute.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import networkx as nx diff --git a/model-optimizer/extensions/middle/AddIsCyclicAttribute_test.py b/model-optimizer/extensions/middle/AddIsCyclicAttribute_test.py index f120e716b7f5a1..865ed9e5841f04 100644 --- a/model-optimizer/extensions/middle/AddIsCyclicAttribute_test.py +++ b/model-optimizer/extensions/middle/AddIsCyclicAttribute_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/AddMeanScaleValues.py b/model-optimizer/extensions/middle/AddMeanScaleValues.py index 4cc5596b359e53..a9585bd4ebda0a 100644 --- a/model-optimizer/extensions/middle/AddMeanScaleValues.py +++ b/model-optimizer/extensions/middle/AddMeanScaleValues.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/extensions/middle/AddMeanScaleValues_test.py b/model-optimizer/extensions/middle/AddMeanScaleValues_test.py index b88114dae65ded..a73f55e107481c 100644 --- a/model-optimizer/extensions/middle/AddMeanScaleValues_test.py +++ b/model-optimizer/extensions/middle/AddMeanScaleValues_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from argparse import Namespace diff --git a/model-optimizer/extensions/middle/ApplyNHWCtoNCHWpermutation.py b/model-optimizer/extensions/middle/ApplyNHWCtoNCHWpermutation.py index e5059ff4d392c6..4cabc88b7bf546 100644 --- a/model-optimizer/extensions/middle/ApplyNHWCtoNCHWpermutation.py +++ b/model-optimizer/extensions/middle/ApplyNHWCtoNCHWpermutation.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.middle.LayoutChangeForConstantShapePaths import LayoutChangeForConstantShapePaths from mo.graph.graph import Graph from mo.middle.replacement import MiddleReplacementPattern diff --git a/model-optimizer/extensions/middle/ApplyPermutations.py b/model-optimizer/extensions/middle/ApplyPermutations.py index 874845c28b4992..9564ad5967971c 100644 --- a/model-optimizer/extensions/middle/ApplyPermutations.py +++ b/model-optimizer/extensions/middle/ApplyPermutations.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/extensions/middle/ArgMaxToTopK.py b/model-optimizer/extensions/middle/ArgMaxToTopK.py index 8725f15e36bf17..2a3b9dd73cdd0f 100644 --- a/model-optimizer/extensions/middle/ArgMaxToTopK.py +++ b/model-optimizer/extensions/middle/ArgMaxToTopK.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.topk import TopK from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/middle/AttributedTileNormalizer.py b/model-optimizer/extensions/middle/AttributedTileNormalizer.py index 68d308cfa6317d..3c9f81c41a5510 100644 --- a/model-optimizer/extensions/middle/AttributedTileNormalizer.py +++ b/model-optimizer/extensions/middle/AttributedTileNormalizer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/middle/BiasAddBroadcasting.py b/model-optimizer/extensions/middle/BiasAddBroadcasting.py index ca0eba54482754..b461e93ee4ced1 100644 --- a/model-optimizer/extensions/middle/BiasAddBroadcasting.py +++ b/model-optimizer/extensions/middle/BiasAddBroadcasting.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.middle.EltwiseChecker import EltwiseChecker diff --git a/model-optimizer/extensions/middle/BinarizeWeightsM1P1.py b/model-optimizer/extensions/middle/BinarizeWeightsM1P1.py index 3100939ae6f316..7d5974c65a64e5 100644 --- a/model-optimizer/extensions/middle/BinarizeWeightsM1P1.py +++ b/model-optimizer/extensions/middle/BinarizeWeightsM1P1.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/middle/BlockLSTMtoLSTMSequence.py b/model-optimizer/extensions/middle/BlockLSTMtoLSTMSequence.py index 605f75a9e3ddf7..cf53ac3622292b 100644 --- a/model-optimizer/extensions/middle/BlockLSTMtoLSTMSequence.py +++ b/model-optimizer/extensions/middle/BlockLSTMtoLSTMSequence.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.LSTM import LSTM diff --git a/model-optimizer/extensions/middle/CheckForCycle.py b/model-optimizer/extensions/middle/CheckForCycle.py index f444d4b043afbc..6894e323b9af06 100644 --- a/model-optimizer/extensions/middle/CheckForCycle.py +++ b/model-optimizer/extensions/middle/CheckForCycle.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import networkx as nx diff --git a/model-optimizer/extensions/middle/CheckForCycle_test.py b/model-optimizer/extensions/middle/CheckForCycle_test.py index 8010eca4c5dda6..d9c2e2a043eb1c 100644 --- a/model-optimizer/extensions/middle/CheckForCycle_test.py +++ b/model-optimizer/extensions/middle/CheckForCycle_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/ConcatOptimization.py b/model-optimizer/extensions/middle/ConcatOptimization.py index 899b8a87fa6647..aba6d5312e5395 100644 --- a/model-optimizer/extensions/middle/ConcatOptimization.py +++ b/model-optimizer/extensions/middle/ConcatOptimization.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/middle/ConcatOptimization_test.py b/model-optimizer/extensions/middle/ConcatOptimization_test.py index 98007caea9ddb4..b2211c5fb03261 100644 --- a/model-optimizer/extensions/middle/ConcatOptimization_test.py +++ b/model-optimizer/extensions/middle/ConcatOptimization_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from extensions.middle.ConcatOptimization import ConcatOdInputEraserAndPortsReconnect diff --git a/model-optimizer/extensions/middle/ConstSwitchResolver.py b/model-optimizer/extensions/middle/ConstSwitchResolver.py index 64c23e9a6d5f9c..1a68ebd7a4a883 100644 --- a/model-optimizer/extensions/middle/ConstSwitchResolver.py +++ b/model-optimizer/extensions/middle/ConstSwitchResolver.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.middle.passes.eliminate import remove_op_node_with_data_node diff --git a/model-optimizer/extensions/middle/ConvToBinaryConv.py b/model-optimizer/extensions/middle/ConvToBinaryConv.py index e8a04cf596e762..bfd54218f3ff24 100644 --- a/model-optimizer/extensions/middle/ConvToBinaryConv.py +++ b/model-optimizer/extensions/middle/ConvToBinaryConv.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/middle/ConvertGroupedStridedSlice.py b/model-optimizer/extensions/middle/ConvertGroupedStridedSlice.py index 8e72b426a01658..b6ad3a295e95f9 100644 --- a/model-optimizer/extensions/middle/ConvertGroupedStridedSlice.py +++ b/model-optimizer/extensions/middle/ConvertGroupedStridedSlice.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log from copy import deepcopy diff --git a/model-optimizer/extensions/middle/ConvertGroupedStridedSlice_test.py b/model-optimizer/extensions/middle/ConvertGroupedStridedSlice_test.py index dfad0d14eb552a..0b36ff77839494 100644 --- a/model-optimizer/extensions/middle/ConvertGroupedStridedSlice_test.py +++ b/model-optimizer/extensions/middle/ConvertGroupedStridedSlice_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/ConvertLayoutDependentOperations.py b/model-optimizer/extensions/middle/ConvertLayoutDependentOperations.py index 1dee11a02be281..38d2abd71b7683 100644 --- a/model-optimizer/extensions/middle/ConvertLayoutDependentOperations.py +++ b/model-optimizer/extensions/middle/ConvertLayoutDependentOperations.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.transpose import Transpose from mo.front.common.layout import indices_mapping from mo.graph.graph import Node, Graph diff --git a/model-optimizer/extensions/middle/ConvertMultiInputConv.py b/model-optimizer/extensions/middle/ConvertMultiInputConv.py index 395c41bc9387c4..7561126439a16b 100644 --- a/model-optimizer/extensions/middle/ConvertMultiInputConv.py +++ b/model-optimizer/extensions/middle/ConvertMultiInputConv.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import copy diff --git a/model-optimizer/extensions/middle/CustomSubgraphCall.py b/model-optimizer/extensions/middle/CustomSubgraphCall.py index d455c569bad95c..10cff6fc7f41dd 100644 --- a/model-optimizer/extensions/middle/CustomSubgraphCall.py +++ b/model-optimizer/extensions/middle/CustomSubgraphCall.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import copy import logging as log diff --git a/model-optimizer/extensions/middle/CutInputHavingZeroDimFromConcat.py b/model-optimizer/extensions/middle/CutInputHavingZeroDimFromConcat.py index c485b25e9a3a89..1fda46725b4d1d 100644 --- a/model-optimizer/extensions/middle/CutInputHavingZeroDimFromConcat.py +++ b/model-optimizer/extensions/middle/CutInputHavingZeroDimFromConcat.py @@ -1,18 +1,5 @@ -""" - Copyright (c) 2019-2020 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.middle.replacement import MiddleReplacementPattern diff --git a/model-optimizer/extensions/middle/CutInputHavingZeroDimFromConcat_test.py b/model-optimizer/extensions/middle/CutInputHavingZeroDimFromConcat_test.py index ae5ef27fecf4cf..ea008ff61a68ef 100644 --- a/model-optimizer/extensions/middle/CutInputHavingZeroDimFromConcat_test.py +++ b/model-optimizer/extensions/middle/CutInputHavingZeroDimFromConcat_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/DecomposeBias.py b/model-optimizer/extensions/middle/DecomposeBias.py index 4b12e6690baee8..315460f5f36eae 100644 --- a/model-optimizer/extensions/middle/DecomposeBias.py +++ b/model-optimizer/extensions/middle/DecomposeBias.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/middle/DecomposeBidirectionalRNNSequence.py b/model-optimizer/extensions/middle/DecomposeBidirectionalRNNSequence.py index c80544dbece6c4..094ed402f2b95e 100644 --- a/model-optimizer/extensions/middle/DecomposeBidirectionalRNNSequence.py +++ b/model-optimizer/extensions/middle/DecomposeBidirectionalRNNSequence.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.split import Split diff --git a/model-optimizer/extensions/middle/Deconvolution3rdInputNormalization.py b/model-optimizer/extensions/middle/Deconvolution3rdInputNormalization.py index b724a3f2d82583..b8ba55d6b4578c 100644 --- a/model-optimizer/extensions/middle/Deconvolution3rdInputNormalization.py +++ b/model-optimizer/extensions/middle/Deconvolution3rdInputNormalization.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.gather import Gather from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/middle/DeleteControlFlowEdges.py b/model-optimizer/extensions/middle/DeleteControlFlowEdges.py index 1bbb1d16dfbe3f..8ecab7029d6b40 100644 --- a/model-optimizer/extensions/middle/DeleteControlFlowEdges.py +++ b/model-optimizer/extensions/middle/DeleteControlFlowEdges.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/middle/DeleteNotExecutable.py b/model-optimizer/extensions/middle/DeleteNotExecutable.py index bf634c3dcd6e1f..df752b00c6962a 100644 --- a/model-optimizer/extensions/middle/DeleteNotExecutable.py +++ b/model-optimizer/extensions/middle/DeleteNotExecutable.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/middle/DilatedConvolution.py b/model-optimizer/extensions/middle/DilatedConvolution.py index 2c4e9b61679631..1409d7a760118f 100644 --- a/model-optimizer/extensions/middle/DilatedConvolution.py +++ b/model-optimizer/extensions/middle/DilatedConvolution.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/extensions/middle/EltwiseChecker.py b/model-optimizer/extensions/middle/EltwiseChecker.py index fa7e9f7f7cac19..c9ab5672c43a3f 100644 --- a/model-optimizer/extensions/middle/EltwiseChecker.py +++ b/model-optimizer/extensions/middle/EltwiseChecker.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/middle/EltwiseInputReshape.py b/model-optimizer/extensions/middle/EltwiseInputReshape.py index 99126f268de014..2032cfc7b462f3 100644 --- a/model-optimizer/extensions/middle/EltwiseInputReshape.py +++ b/model-optimizer/extensions/middle/EltwiseInputReshape.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/middle/EltwiseInputReshape_test.py b/model-optimizer/extensions/middle/EltwiseInputReshape_test.py index 115b45c70708bf..9f451a4324705d 100644 --- a/model-optimizer/extensions/middle/EltwiseInputReshape_test.py +++ b/model-optimizer/extensions/middle/EltwiseInputReshape_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/FakeSplitOutputs.py b/model-optimizer/extensions/middle/FakeSplitOutputs.py index 952f7f14f2b9ef..da943974f0b6dd 100644 --- a/model-optimizer/extensions/middle/FakeSplitOutputs.py +++ b/model-optimizer/extensions/middle/FakeSplitOutputs.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.middle.TensorIteratorMerge import TensorIteratorMerge from mo.graph.graph import Graph from mo.middle.replacement import MiddleReplacementPattern diff --git a/model-optimizer/extensions/middle/FakeSplitOutputs_test.py b/model-optimizer/extensions/middle/FakeSplitOutputs_test.py index f179443ccd2092..2c2e4e58ce2da5 100644 --- a/model-optimizer/extensions/middle/FakeSplitOutputs_test.py +++ b/model-optimizer/extensions/middle/FakeSplitOutputs_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/FuseReshapesSequence.py b/model-optimizer/extensions/middle/FuseReshapesSequence.py index 9d1ab188b69585..8dcdcebd45a587 100644 --- a/model-optimizer/extensions/middle/FuseReshapesSequence.py +++ b/model-optimizer/extensions/middle/FuseReshapesSequence.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from extensions.middle.pass_separator import PostMiddleStart, MiddleFinish diff --git a/model-optimizer/extensions/middle/FusedBatchNormNonConstant.py b/model-optimizer/extensions/middle/FusedBatchNormNonConstant.py index 3f9a33906154cb..171b4f867782b9 100644 --- a/model-optimizer/extensions/middle/FusedBatchNormNonConstant.py +++ b/model-optimizer/extensions/middle/FusedBatchNormNonConstant.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.elementwise import Mul, Add, Pow diff --git a/model-optimizer/extensions/middle/FusedBatchNormTraining.py b/model-optimizer/extensions/middle/FusedBatchNormTraining.py index 586c38a38927fa..e693c2d0b451e9 100644 --- a/model-optimizer/extensions/middle/FusedBatchNormTraining.py +++ b/model-optimizer/extensions/middle/FusedBatchNormTraining.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/middle/FusedBatchNormTraining_test.py b/model-optimizer/extensions/middle/FusedBatchNormTraining_test.py index 9f5c52bbca3181..23c56554eef6bd 100644 --- a/model-optimizer/extensions/middle/FusedBatchNormTraining_test.py +++ b/model-optimizer/extensions/middle/FusedBatchNormTraining_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/GRURNNSequenceToTensorIterator.py b/model-optimizer/extensions/middle/GRURNNSequenceToTensorIterator.py index c5fe18f2326efc..7e22f2a1d1b3cd 100644 --- a/model-optimizer/extensions/middle/GRURNNSequenceToTensorIterator.py +++ b/model-optimizer/extensions/middle/GRURNNSequenceToTensorIterator.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.tensor_iterator import TensorIterator diff --git a/model-optimizer/extensions/middle/GatherNdNormalizer.py b/model-optimizer/extensions/middle/GatherNdNormalizer.py index f731c670570a5d..d15a6adf0b63f2 100644 --- a/model-optimizer/extensions/middle/GatherNdNormalizer.py +++ b/model-optimizer/extensions/middle/GatherNdNormalizer.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/extensions/middle/GroupNorm.py b/model-optimizer/extensions/middle/GroupNorm.py index c872af45f75adb..079c4a64fd6e1a 100644 --- a/model-optimizer/extensions/middle/GroupNorm.py +++ b/model-optimizer/extensions/middle/GroupNorm.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from typing import Dict diff --git a/model-optimizer/extensions/middle/GroupNorm_test.py b/model-optimizer/extensions/middle/GroupNorm_test.py index bc873523a8a2b7..00e3fd2ded9a28 100644 --- a/model-optimizer/extensions/middle/GroupNorm_test.py +++ b/model-optimizer/extensions/middle/GroupNorm_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/InputCut.py b/model-optimizer/extensions/middle/InputCut.py index 2799c1dd14d2ba..f96d1d53fd6d0d 100644 --- a/model-optimizer/extensions/middle/InputCut.py +++ b/model-optimizer/extensions/middle/InputCut.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.extractor import add_input_ops from mo.graph.graph import Graph from mo.middle.replacement import MiddleReplacementPattern diff --git a/model-optimizer/extensions/middle/InsertLayoutPropagationTransposes.py b/model-optimizer/extensions/middle/InsertLayoutPropagationTransposes.py index f57d9df48a6107..489be45bba39c0 100644 --- a/model-optimizer/extensions/middle/InsertLayoutPropagationTransposes.py +++ b/model-optimizer/extensions/middle/InsertLayoutPropagationTransposes.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.middle.pass_separator import PostMiddleStart from extensions.ops.transpose import Transpose diff --git a/model-optimizer/extensions/middle/InsertSelect.py b/model-optimizer/extensions/middle/InsertSelect.py index 4f792e8be75110..a6610e838a9bca 100644 --- a/model-optimizer/extensions/middle/InsertSelect.py +++ b/model-optimizer/extensions/middle/InsertSelect.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.front.kaldi.replace_lstm_node_pattern import create_zero_value_with_batch_from_input diff --git a/model-optimizer/extensions/middle/InsertSelect_test.py b/model-optimizer/extensions/middle/InsertSelect_test.py index 5704b05945c7ac..46927000fe194d 100644 --- a/model-optimizer/extensions/middle/InsertSelect_test.py +++ b/model-optimizer/extensions/middle/InsertSelect_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/extensions/middle/InterpolateSequenceToInterpolate.py b/model-optimizer/extensions/middle/InterpolateSequenceToInterpolate.py index e759e404897b58..f6ac510cfa09ec 100644 --- a/model-optimizer/extensions/middle/InterpolateSequenceToInterpolate.py +++ b/model-optimizer/extensions/middle/InterpolateSequenceToInterpolate.py @@ -1,18 +1,5 @@ -""" - Copyright (c) 2020 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log import numpy as np diff --git a/model-optimizer/extensions/middle/InterpolateSequenceToInterpolate_test.py b/model-optimizer/extensions/middle/InterpolateSequenceToInterpolate_test.py index 197d84444cb7d4..e9f95811485c0c 100644 --- a/model-optimizer/extensions/middle/InterpolateSequenceToInterpolate_test.py +++ b/model-optimizer/extensions/middle/InterpolateSequenceToInterpolate_test.py @@ -1,19 +1,5 @@ -""" - Copyright (c) 2020 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np import unittest diff --git a/model-optimizer/extensions/middle/L2NormFusing.py b/model-optimizer/extensions/middle/L2NormFusing.py index fedfe98c40007e..d36861d580e0ef 100644 --- a/model-optimizer/extensions/middle/L2NormFusing.py +++ b/model-optimizer/extensions/middle/L2NormFusing.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/middle/L2NormFusing_test.py b/model-optimizer/extensions/middle/L2NormFusing_test.py index bb1d555d1fe365..82395c818b6d47 100644 --- a/model-optimizer/extensions/middle/L2NormFusing_test.py +++ b/model-optimizer/extensions/middle/L2NormFusing_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/LSTMRNNSequenceToTensorIterator.py b/model-optimizer/extensions/middle/LSTMRNNSequenceToTensorIterator.py index 40237394ef86f4..7af0d18b388adc 100644 --- a/model-optimizer/extensions/middle/LSTMRNNSequenceToTensorIterator.py +++ b/model-optimizer/extensions/middle/LSTMRNNSequenceToTensorIterator.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.middle.RNNSequenceNormalizeToIE import RNNSequenceNormalize diff --git a/model-optimizer/extensions/middle/LayoutChangeForConstantShapePaths.py b/model-optimizer/extensions/middle/LayoutChangeForConstantShapePaths.py index 30454206cc21cc..54356bd1170d24 100644 --- a/model-optimizer/extensions/middle/LayoutChangeForConstantShapePaths.py +++ b/model-optimizer/extensions/middle/LayoutChangeForConstantShapePaths.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from collections import deque from typing import List, Set diff --git a/model-optimizer/extensions/middle/LeakyReluPattern.py b/model-optimizer/extensions/middle/LeakyReluPattern.py index b2b11e38b90426..d8525e7b2690cc 100644 --- a/model-optimizer/extensions/middle/LeakyReluPattern.py +++ b/model-optimizer/extensions/middle/LeakyReluPattern.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from extensions.middle.fusings import Fusing from extensions.middle.pass_separator import PostMiddleStart diff --git a/model-optimizer/extensions/middle/LeakyReluPattern_test.py b/model-optimizer/extensions/middle/LeakyReluPattern_test.py index 6992086567a81c..50ce990b56e23b 100644 --- a/model-optimizer/extensions/middle/LeakyReluPattern_test.py +++ b/model-optimizer/extensions/middle/LeakyReluPattern_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/MXNetRNNSequenceNormalize.py b/model-optimizer/extensions/middle/MXNetRNNSequenceNormalize.py index 00ac5ebab9ec36..85eedec7b06534 100644 --- a/model-optimizer/extensions/middle/MXNetRNNSequenceNormalize.py +++ b/model-optimizer/extensions/middle/MXNetRNNSequenceNormalize.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/middle/MXNetSplitMultiLayers.py b/model-optimizer/extensions/middle/MXNetSplitMultiLayers.py index e3b8b6794d1343..0df4280074796c 100644 --- a/model-optimizer/extensions/middle/MXNetSplitMultiLayers.py +++ b/model-optimizer/extensions/middle/MXNetSplitMultiLayers.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.graph.graph import Graph, Node diff --git a/model-optimizer/extensions/middle/MXTileReplacer.py b/model-optimizer/extensions/middle/MXTileReplacer.py index ec7b068e2e56d4..353d1290cbb7c4 100644 --- a/model-optimizer/extensions/middle/MXTileReplacer.py +++ b/model-optimizer/extensions/middle/MXTileReplacer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import int64_array from mo.front.tf.graph_utils import create_op_node_with_second_input diff --git a/model-optimizer/extensions/middle/MXTileReplacer_test.py b/model-optimizer/extensions/middle/MXTileReplacer_test.py index f992a1aad7fb85..b4f6b470928b73 100644 --- a/model-optimizer/extensions/middle/MXTileReplacer_test.py +++ b/model-optimizer/extensions/middle/MXTileReplacer_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/MarkSubgraphsWithCorrectLayout.py b/model-optimizer/extensions/middle/MarkSubgraphsWithCorrectLayout.py index 5b2812cc8e8576..2ec24fbba034a1 100644 --- a/model-optimizer/extensions/middle/MarkSubgraphsWithCorrectLayout.py +++ b/model-optimizer/extensions/middle/MarkSubgraphsWithCorrectLayout.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from collections import deque diff --git a/model-optimizer/extensions/middle/MoveConstToLoopBody.py b/model-optimizer/extensions/middle/MoveConstToLoopBody.py index c6bb3ef49e6126..0bb15d33b148b2 100644 --- a/model-optimizer/extensions/middle/MoveConstToLoopBody.py +++ b/model-optimizer/extensions/middle/MoveConstToLoopBody.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.loop import Loop from mo.middle.replacement import MiddleReplacementPattern diff --git a/model-optimizer/extensions/middle/MulFakeQuantizeFuse.py b/model-optimizer/extensions/middle/MulFakeQuantizeFuse.py index 1ac1d4b9b6bfcf..70045685e958c3 100644 --- a/model-optimizer/extensions/middle/MulFakeQuantizeFuse.py +++ b/model-optimizer/extensions/middle/MulFakeQuantizeFuse.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from collections import defaultdict from typing import Dict, List diff --git a/model-optimizer/extensions/middle/MulQuantizeFuse_test.py b/model-optimizer/extensions/middle/MulQuantizeFuse_test.py index 271d7d2d4fa0fb..49503987caa674 100644 --- a/model-optimizer/extensions/middle/MulQuantizeFuse_test.py +++ b/model-optimizer/extensions/middle/MulQuantizeFuse_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/ONNXRNNSequenceNormalize.py b/model-optimizer/extensions/middle/ONNXRNNSequenceNormalize.py index ca3fd79ed7753e..e31cbe3858d187 100644 --- a/model-optimizer/extensions/middle/ONNXRNNSequenceNormalize.py +++ b/model-optimizer/extensions/middle/ONNXRNNSequenceNormalize.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/middle/ONNXResize11ToInterpolate.py b/model-optimizer/extensions/middle/ONNXResize11ToInterpolate.py index 874e188de38229..956e6d017cd3ed 100644 --- a/model-optimizer/extensions/middle/ONNXResize11ToInterpolate.py +++ b/model-optimizer/extensions/middle/ONNXResize11ToInterpolate.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log import numpy as np diff --git a/model-optimizer/extensions/middle/PartialInfer.py b/model-optimizer/extensions/middle/PartialInfer.py index b04ebdd13b2b7a..6c6f6a60d509dc 100644 --- a/model-optimizer/extensions/middle/PartialInfer.py +++ b/model-optimizer/extensions/middle/PartialInfer.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.graph.graph import Graph from mo.middle.passes.infer import partial_infer from mo.middle.replacement import MiddleReplacementPattern diff --git a/model-optimizer/extensions/middle/PoolV2ToAttributedPool.py b/model-optimizer/extensions/middle/PoolV2ToAttributedPool.py index 1b0b59b17e07b4..a4b614edcbb207 100644 --- a/model-optimizer/extensions/middle/PoolV2ToAttributedPool.py +++ b/model-optimizer/extensions/middle/PoolV2ToAttributedPool.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph, rename_nodes from mo.middle.replacement import MiddleReplacementPattern diff --git a/model-optimizer/extensions/middle/PoolV2ToAttributedPool_test.py b/model-optimizer/extensions/middle/PoolV2ToAttributedPool_test.py index 5d73f0080d0e3e..2a239fe9b39bbc 100644 --- a/model-optimizer/extensions/middle/PoolV2ToAttributedPool_test.py +++ b/model-optimizer/extensions/middle/PoolV2ToAttributedPool_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from extensions.middle.PoolV2ToAttributedPool import PoolV2ToAttributedPool diff --git a/model-optimizer/extensions/middle/RNNSequenceNormalizeToIE.py b/model-optimizer/extensions/middle/RNNSequenceNormalizeToIE.py index be248698ed7cbb..344af300ff5d43 100644 --- a/model-optimizer/extensions/middle/RNNSequenceNormalizeToIE.py +++ b/model-optimizer/extensions/middle/RNNSequenceNormalizeToIE.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/middle/ReluQuantizeFuse.py b/model-optimizer/extensions/middle/ReluQuantizeFuse.py index 22ba26be41d407..b6f609f6fba1dc 100644 --- a/model-optimizer/extensions/middle/ReluQuantizeFuse.py +++ b/model-optimizer/extensions/middle/ReluQuantizeFuse.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log from typing import Dict diff --git a/model-optimizer/extensions/middle/ReluQuantizeFuse_test.py b/model-optimizer/extensions/middle/ReluQuantizeFuse_test.py index 9ce1a176d5396f..c12ceb592fdc8f 100644 --- a/model-optimizer/extensions/middle/ReluQuantizeFuse_test.py +++ b/model-optimizer/extensions/middle/ReluQuantizeFuse_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/RemoveDuplicationMemory.py b/model-optimizer/extensions/middle/RemoveDuplicationMemory.py index 534690573639a5..faa6e037081521 100644 --- a/model-optimizer/extensions/middle/RemoveDuplicationMemory.py +++ b/model-optimizer/extensions/middle/RemoveDuplicationMemory.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/middle/RemoveDuplicationMemory_test.py b/model-optimizer/extensions/middle/RemoveDuplicationMemory_test.py index 334b4841acef64..a18ea20f40f10e 100644 --- a/model-optimizer/extensions/middle/RemoveDuplicationMemory_test.py +++ b/model-optimizer/extensions/middle/RemoveDuplicationMemory_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from extensions.middle.RemoveDuplicationMemory import RemoveMemoryDuplicationPattern, MergeNeighborSplicePattern diff --git a/model-optimizer/extensions/middle/RemoveIdentity.py b/model-optimizer/extensions/middle/RemoveIdentity.py index 7bffeed1d734e5..cd24b3069d10ad 100644 --- a/model-optimizer/extensions/middle/RemoveIdentity.py +++ b/model-optimizer/extensions/middle/RemoveIdentity.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.middle.passes.eliminate import remove_op_node_with_data_node diff --git a/model-optimizer/extensions/middle/RemoveRedundantReshapeAfterCropAndResize.py b/model-optimizer/extensions/middle/RemoveRedundantReshapeAfterCropAndResize.py index b6bce8c7802ab0..b9c9ce9e0be6fa 100644 --- a/model-optimizer/extensions/middle/RemoveRedundantReshapeAfterCropAndResize.py +++ b/model-optimizer/extensions/middle/RemoveRedundantReshapeAfterCropAndResize.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/middle/RemoveRedundantReshapes.py b/model-optimizer/extensions/middle/RemoveRedundantReshapes.py index 547dca4aff47f6..fca3dd4cb999d4 100644 --- a/model-optimizer/extensions/middle/RemoveRedundantReshapes.py +++ b/model-optimizer/extensions/middle/RemoveRedundantReshapes.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/extensions/middle/RemoveUselessConcatSplit.py b/model-optimizer/extensions/middle/RemoveUselessConcatSplit.py index c441b405a7dedc..1f16adc63af961 100644 --- a/model-optimizer/extensions/middle/RemoveUselessConcatSplit.py +++ b/model-optimizer/extensions/middle/RemoveUselessConcatSplit.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.graph.graph import Graph from mo.middle.replacement import MiddleReplacementPattern diff --git a/model-optimizer/extensions/middle/RemoveUselessConcatSplit_test.py b/model-optimizer/extensions/middle/RemoveUselessConcatSplit_test.py index 8188b540c2c22e..d3ebd71ef43aec 100644 --- a/model-optimizer/extensions/middle/RemoveUselessConcatSplit_test.py +++ b/model-optimizer/extensions/middle/RemoveUselessConcatSplit_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from extensions.middle.RemoveUselessConcatSplit import RemoveUselessConcatSplitPattern diff --git a/model-optimizer/extensions/middle/RemoveUselessCrops.py b/model-optimizer/extensions/middle/RemoveUselessCrops.py index 19ba9ae315c536..47ae5c6e6104b1 100644 --- a/model-optimizer/extensions/middle/RemoveUselessCrops.py +++ b/model-optimizer/extensions/middle/RemoveUselessCrops.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.graph.graph import Graph from mo.middle.replacement import MiddleReplacementPattern diff --git a/model-optimizer/extensions/middle/RemoveUselessCrops_test.py b/model-optimizer/extensions/middle/RemoveUselessCrops_test.py index 5b35135743aa9d..e629154285aa89 100644 --- a/model-optimizer/extensions/middle/RemoveUselessCrops_test.py +++ b/model-optimizer/extensions/middle/RemoveUselessCrops_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from extensions.middle.RemoveUselessCrops import RemoveUselessCropsPattern diff --git a/model-optimizer/extensions/middle/RemoveUselessPad.py b/model-optimizer/extensions/middle/RemoveUselessPad.py index 036152e5a1db7e..b767e6915dc933 100644 --- a/model-optimizer/extensions/middle/RemoveUselessPad.py +++ b/model-optimizer/extensions/middle/RemoveUselessPad.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/middle/RemoveUselessPad_test.py b/model-optimizer/extensions/middle/RemoveUselessPad_test.py index 8e29c4d2d8fd28..53059492f003b4 100644 --- a/model-optimizer/extensions/middle/RemoveUselessPad_test.py +++ b/model-optimizer/extensions/middle/RemoveUselessPad_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/extensions/middle/ReplaceMemoryOffsetWithSplice.py b/model-optimizer/extensions/middle/ReplaceMemoryOffsetWithSplice.py index bba6a98c1932ae..2a9a1f52a6c1fd 100644 --- a/model-optimizer/extensions/middle/ReplaceMemoryOffsetWithSplice.py +++ b/model-optimizer/extensions/middle/ReplaceMemoryOffsetWithSplice.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np import logging as log diff --git a/model-optimizer/extensions/middle/ReplaceMemoryOffsetWithSplice_test.py b/model-optimizer/extensions/middle/ReplaceMemoryOffsetWithSplice_test.py index 5efe0d36213e4e..81c9223a9f62a7 100644 --- a/model-optimizer/extensions/middle/ReplaceMemoryOffsetWithSplice_test.py +++ b/model-optimizer/extensions/middle/ReplaceMemoryOffsetWithSplice_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from extensions.middle.ReplaceMemoryOffsetWithSplice import ReplaceMemoryOffsetNodePattern diff --git a/model-optimizer/extensions/middle/ReplacePNorm.py b/model-optimizer/extensions/middle/ReplacePNorm.py index 8428de83fe3c81..466542772cb873 100644 --- a/model-optimizer/extensions/middle/ReplacePNorm.py +++ b/model-optimizer/extensions/middle/ReplacePNorm.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.ReduceOps import ReduceSum from extensions.ops.elementwise import Pow from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/middle/ReplacePNormNodePattern_test.py b/model-optimizer/extensions/middle/ReplacePNormNodePattern_test.py index 8fd59017cca8dd..c26f65265ea4c8 100644 --- a/model-optimizer/extensions/middle/ReplacePNormNodePattern_test.py +++ b/model-optimizer/extensions/middle/ReplacePNormNodePattern_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from extensions.middle.ReplacePNorm import ReplacePNormNodePattern diff --git a/model-optimizer/extensions/middle/ReplaceSpliceNodePattern.py b/model-optimizer/extensions/middle/ReplaceSpliceNodePattern.py index 519e3094a5265e..69103df850bbd2 100644 --- a/model-optimizer/extensions/middle/ReplaceSpliceNodePattern.py +++ b/model-optimizer/extensions/middle/ReplaceSpliceNodePattern.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.front.kaldi.replace_lstm_node_pattern import unique_id, create_zero_value_with_batch_from_input from extensions.ops.split import VariadicSplit from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/middle/ReplaceSpliceNodePattern_test.py b/model-optimizer/extensions/middle/ReplaceSpliceNodePattern_test.py index 5f7c64a7362fce..62492fc35c715c 100644 --- a/model-optimizer/extensions/middle/ReplaceSpliceNodePattern_test.py +++ b/model-optimizer/extensions/middle/ReplaceSpliceNodePattern_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from extensions.middle.ReplaceSpliceNodePattern import ReplaceSpliceNodePattern diff --git a/model-optimizer/extensions/middle/ReverseTransposeNormalization.py b/model-optimizer/extensions/middle/ReverseTransposeNormalization.py index 67dd67853f0cfd..34350c1a0a4dc7 100644 --- a/model-optimizer/extensions/middle/ReverseTransposeNormalization.py +++ b/model-optimizer/extensions/middle/ReverseTransposeNormalization.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.graph.graph import Graph, Node diff --git a/model-optimizer/extensions/middle/ReverseV2ToReverseSequence.py b/model-optimizer/extensions/middle/ReverseV2ToReverseSequence.py index 19d8c046271ed9..f9f9a4ade40d3e 100644 --- a/model-optimizer/extensions/middle/ReverseV2ToReverseSequence.py +++ b/model-optimizer/extensions/middle/ReverseV2ToReverseSequence.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.reverse_sequence import ReverseSequence diff --git a/model-optimizer/extensions/middle/ScaleInput.py b/model-optimizer/extensions/middle/ScaleInput.py index 96c5a519d7dd76..4e78e2ac20a0c3 100644 --- a/model-optimizer/extensions/middle/ScaleInput.py +++ b/model-optimizer/extensions/middle/ScaleInput.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.middle.AddMeanScaleValues import AddMeanScaleValues diff --git a/model-optimizer/extensions/middle/SequenceLengthToMask.py b/model-optimizer/extensions/middle/SequenceLengthToMask.py index bb18cbc2dc30af..d5a2e1ffe5f72d 100644 --- a/model-optimizer/extensions/middle/SequenceLengthToMask.py +++ b/model-optimizer/extensions/middle/SequenceLengthToMask.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/middle/SequenceLenthToMask_test.py b/model-optimizer/extensions/middle/SequenceLenthToMask_test.py index 7690185acebdb4..1f9b5698282c1e 100644 --- a/model-optimizer/extensions/middle/SequenceLenthToMask_test.py +++ b/model-optimizer/extensions/middle/SequenceLenthToMask_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/SharedWeightsDuplication.py b/model-optimizer/extensions/middle/SharedWeightsDuplication.py index 5d453d04a59255..242481af937701 100644 --- a/model-optimizer/extensions/middle/SharedWeightsDuplication.py +++ b/model-optimizer/extensions/middle/SharedWeightsDuplication.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.graph.graph import Graph, Node diff --git a/model-optimizer/extensions/middle/SharedWeightsDuplication_test.py b/model-optimizer/extensions/middle/SharedWeightsDuplication_test.py index d24ab2f1506e25..9c97f9f5eb3695 100644 --- a/model-optimizer/extensions/middle/SharedWeightsDuplication_test.py +++ b/model-optimizer/extensions/middle/SharedWeightsDuplication_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/SliceConverter.py b/model-optimizer/extensions/middle/SliceConverter.py index 97bafd2c4b97e8..33135a2e29859b 100644 --- a/model-optimizer/extensions/middle/SliceConverter.py +++ b/model-optimizer/extensions/middle/SliceConverter.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/middle/SliceConverter_test.py b/model-optimizer/extensions/middle/SliceConverter_test.py index a0f321416649a6..bfaeefa55cb45f 100644 --- a/model-optimizer/extensions/middle/SliceConverter_test.py +++ b/model-optimizer/extensions/middle/SliceConverter_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/SliceLikeToStridedSlice.py b/model-optimizer/extensions/middle/SliceLikeToStridedSlice.py index e99d3ca5b805a4..73d13032b2bdb1 100644 --- a/model-optimizer/extensions/middle/SliceLikeToStridedSlice.py +++ b/model-optimizer/extensions/middle/SliceLikeToStridedSlice.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from typing import Dict diff --git a/model-optimizer/extensions/middle/SliceLikeToStridedSlice_test.py b/model-optimizer/extensions/middle/SliceLikeToStridedSlice_test.py index 3e30a6e0865ca4..855a3b741add97 100644 --- a/model-optimizer/extensions/middle/SliceLikeToStridedSlice_test.py +++ b/model-optimizer/extensions/middle/SliceLikeToStridedSlice_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from extensions.middle.SliceLikeToStridedSlice import SliceLikeToStridedSlice diff --git a/model-optimizer/extensions/middle/SplitConcatPairToInterpolate.py b/model-optimizer/extensions/middle/SplitConcatPairToInterpolate.py index c037f8808be700..cab3203a6cc05e 100644 --- a/model-optimizer/extensions/middle/SplitConcatPairToInterpolate.py +++ b/model-optimizer/extensions/middle/SplitConcatPairToInterpolate.py @@ -1,18 +1,5 @@ -""" - Copyright (c) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log import numpy as np diff --git a/model-optimizer/extensions/middle/SplitConcatPairToInterpolate_test.py b/model-optimizer/extensions/middle/SplitConcatPairToInterpolate_test.py index 1843fece189552..f9358816cad238 100644 --- a/model-optimizer/extensions/middle/SplitConcatPairToInterpolate_test.py +++ b/model-optimizer/extensions/middle/SplitConcatPairToInterpolate_test.py @@ -1,19 +1,5 @@ -""" - Copyright (c) 2020 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/StridedSliceNormalizer.py b/model-optimizer/extensions/middle/StridedSliceNormalizer.py index 44b1cbd12dea86..580cf533c61221 100644 --- a/model-optimizer/extensions/middle/StridedSliceNormalizer.py +++ b/model-optimizer/extensions/middle/StridedSliceNormalizer.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.split import VariadicSplit diff --git a/model-optimizer/extensions/middle/StridedSliceNormalizer_test.py b/model-optimizer/extensions/middle/StridedSliceNormalizer_test.py index 508c0b6226f952..9cb8c6f6dcd5fe 100644 --- a/model-optimizer/extensions/middle/StridedSliceNormalizer_test.py +++ b/model-optimizer/extensions/middle/StridedSliceNormalizer_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/extensions/middle/SwapAxesMiddleReplacer.py b/model-optimizer/extensions/middle/SwapAxesMiddleReplacer.py index 2ba439a55d7c67..bda8562b8dc4bd 100644 --- a/model-optimizer/extensions/middle/SwapAxesMiddleReplacer.py +++ b/model-optimizer/extensions/middle/SwapAxesMiddleReplacer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.transpose import Transpose from mo.graph.graph import Graph, Node diff --git a/model-optimizer/extensions/middle/TF_lstm_cell_to_generic.py b/model-optimizer/extensions/middle/TF_lstm_cell_to_generic.py index 1b9f30c7ffcb8e..13694c4a18bd99 100644 --- a/model-optimizer/extensions/middle/TF_lstm_cell_to_generic.py +++ b/model-optimizer/extensions/middle/TF_lstm_cell_to_generic.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/middle/TensorIteratorBackEdge.py b/model-optimizer/extensions/middle/TensorIteratorBackEdge.py index 246bc4e832503b..454d87efcdf037 100644 --- a/model-optimizer/extensions/middle/TensorIteratorBackEdge.py +++ b/model-optimizer/extensions/middle/TensorIteratorBackEdge.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/middle/TensorIteratorBackEdge_test.py b/model-optimizer/extensions/middle/TensorIteratorBackEdge_test.py index c09514c9264acc..370c819637fcfa 100644 --- a/model-optimizer/extensions/middle/TensorIteratorBackEdge_test.py +++ b/model-optimizer/extensions/middle/TensorIteratorBackEdge_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/TensorIteratorCondition.py b/model-optimizer/extensions/middle/TensorIteratorCondition.py index 852537d2f9c79e..6f64c402866e92 100644 --- a/model-optimizer/extensions/middle/TensorIteratorCondition.py +++ b/model-optimizer/extensions/middle/TensorIteratorCondition.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/middle/TensorIteratorConditionChecker.py b/model-optimizer/extensions/middle/TensorIteratorConditionChecker.py index a04f4d01bd942d..55edb5b4edbbe6 100644 --- a/model-optimizer/extensions/middle/TensorIteratorConditionChecker.py +++ b/model-optimizer/extensions/middle/TensorIteratorConditionChecker.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/extensions/middle/TensorIteratorCondition_test.py b/model-optimizer/extensions/middle/TensorIteratorCondition_test.py index 29d2fdd5f58572..6c4d27899fbf21 100644 --- a/model-optimizer/extensions/middle/TensorIteratorCondition_test.py +++ b/model-optimizer/extensions/middle/TensorIteratorCondition_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/extensions/middle/TensorIteratorInput.py b/model-optimizer/extensions/middle/TensorIteratorInput.py index 537dd912c294b5..48c27c0074e9ce 100644 --- a/model-optimizer/extensions/middle/TensorIteratorInput.py +++ b/model-optimizer/extensions/middle/TensorIteratorInput.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/middle/TensorIteratorInput_test.py b/model-optimizer/extensions/middle/TensorIteratorInput_test.py index 2b42d30210d44b..34e467349366af 100644 --- a/model-optimizer/extensions/middle/TensorIteratorInput_test.py +++ b/model-optimizer/extensions/middle/TensorIteratorInput_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/extensions/middle/TensorIteratorLSTMToLSTMSequence.py b/model-optimizer/extensions/middle/TensorIteratorLSTMToLSTMSequence.py index 9a971a73584a09..b4316dce78cde1 100644 --- a/model-optimizer/extensions/middle/TensorIteratorLSTMToLSTMSequence.py +++ b/model-optimizer/extensions/middle/TensorIteratorLSTMToLSTMSequence.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.middle.ONNXRNNSequenceNormalize import ONNXRNNSequenceNormalize from extensions.middle.TF_lstm_cell_to_generic import TensorFlowLSTMtoGeneric diff --git a/model-optimizer/extensions/middle/TensorIteratorMerge.py b/model-optimizer/extensions/middle/TensorIteratorMerge.py index 731e65b0541d71..3799d1db161a24 100644 --- a/model-optimizer/extensions/middle/TensorIteratorMerge.py +++ b/model-optimizer/extensions/middle/TensorIteratorMerge.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from collections import deque from copy import deepcopy diff --git a/model-optimizer/extensions/middle/TensorIteratorOutput.py b/model-optimizer/extensions/middle/TensorIteratorOutput.py index 8e1b44cc7c94c0..f545747171f013 100644 --- a/model-optimizer/extensions/middle/TensorIteratorOutput.py +++ b/model-optimizer/extensions/middle/TensorIteratorOutput.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/middle/TensorIteratorOutput_test.py b/model-optimizer/extensions/middle/TensorIteratorOutput_test.py index b318b7bd951d21..10792c775ae1f3 100644 --- a/model-optimizer/extensions/middle/TensorIteratorOutput_test.py +++ b/model-optimizer/extensions/middle/TensorIteratorOutput_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/extensions/middle/TensorIterator_utils.py b/model-optimizer/extensions/middle/TensorIterator_utils.py index d594b6a8bc1cee..9855033f1da5d7 100644 --- a/model-optimizer/extensions/middle/TensorIterator_utils.py +++ b/model-optimizer/extensions/middle/TensorIterator_utils.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.graph.graph import Graph, Node diff --git a/model-optimizer/extensions/middle/UnsqueezeTileReshapeBlockToInterpolate.py b/model-optimizer/extensions/middle/UnsqueezeTileReshapeBlockToInterpolate.py index b9b4102ffb65cc..30b4625699e931 100644 --- a/model-optimizer/extensions/middle/UnsqueezeTileReshapeBlockToInterpolate.py +++ b/model-optimizer/extensions/middle/UnsqueezeTileReshapeBlockToInterpolate.py @@ -1,18 +1,5 @@ -""" - Copyright (c) 2020 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/middle/UnsqueezeTileReshapeBlockToInterpolate_test.py b/model-optimizer/extensions/middle/UnsqueezeTileReshapeBlockToInterpolate_test.py index e4ff5f14dbb45d..69f9a15ef7f360 100644 --- a/model-optimizer/extensions/middle/UnsqueezeTileReshapeBlockToInterpolate_test.py +++ b/model-optimizer/extensions/middle/UnsqueezeTileReshapeBlockToInterpolate_test.py @@ -1,18 +1,5 @@ -""" - Copyright (c) 2020 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest import numpy as np diff --git a/model-optimizer/extensions/middle/UpsampleToResample.py b/model-optimizer/extensions/middle/UpsampleToResample.py index 176a187c370d1a..7d265a946a3786 100644 --- a/model-optimizer/extensions/middle/UpsampleToResample.py +++ b/model-optimizer/extensions/middle/UpsampleToResample.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log import math diff --git a/model-optimizer/extensions/middle/UpsampleToResample_test.py b/model-optimizer/extensions/middle/UpsampleToResample_test.py index 364d9d25d98eca..4b27f954225992 100644 --- a/model-optimizer/extensions/middle/UpsampleToResample_test.py +++ b/model-optimizer/extensions/middle/UpsampleToResample_test.py @@ -1,18 +1,5 @@ -""" - Copyright (c) 2020 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/UselessMerge.py b/model-optimizer/extensions/middle/UselessMerge.py index 10b0ce679f1e54..089e3e99fad8c3 100644 --- a/model-optimizer/extensions/middle/UselessMerge.py +++ b/model-optimizer/extensions/middle/UselessMerge.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/middle/UselessSplitEraser.py b/model-optimizer/extensions/middle/UselessSplitEraser.py index 792ef57fdcfcdd..5930c499828cfe 100644 --- a/model-optimizer/extensions/middle/UselessSplitEraser.py +++ b/model-optimizer/extensions/middle/UselessSplitEraser.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.middle.replacement import MiddleReplacementPattern diff --git a/model-optimizer/extensions/middle/__init__.py b/model-optimizer/extensions/middle/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/extensions/middle/__init__.py +++ b/model-optimizer/extensions/middle/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/extensions/middle/fusings.py b/model-optimizer/extensions/middle/fusings.py index 8ed2e705fe3796..1a7224ddfcc234 100644 --- a/model-optimizer/extensions/middle/fusings.py +++ b/model-optimizer/extensions/middle/fusings.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.front.div import Div from extensions.front.sub import Sub from extensions.middle.AddFakeQuantizeFuse import AddFakeQuantizeFuse diff --git a/model-optimizer/extensions/middle/pass_separator.py b/model-optimizer/extensions/middle/pass_separator.py index 035c581841e327..9207ea38107155 100644 --- a/model-optimizer/extensions/middle/pass_separator.py +++ b/model-optimizer/extensions/middle/pass_separator.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.graph.graph import Graph from mo.middle.replacement import MiddleReplacementPattern diff --git a/model-optimizer/extensions/middle/permute_tensor_iterator.py b/model-optimizer/extensions/middle/permute_tensor_iterator.py index e23f913239ca88..a51942c9506d37 100644 --- a/model-optimizer/extensions/middle/permute_tensor_iterator.py +++ b/model-optimizer/extensions/middle/permute_tensor_iterator.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/middle/preprocessing.py b/model-optimizer/extensions/middle/preprocessing.py index c46fd0dea1018d..9f5106220a7976 100644 --- a/model-optimizer/extensions/middle/preprocessing.py +++ b/model-optimizer/extensions/middle/preprocessing.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.middle.LeakyReluPattern import LeakyReLUFusion from extensions.middle.pass_separator import PostMiddleStart from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/middle/quantize_fuses.py b/model-optimizer/extensions/middle/quantize_fuses.py index 59496f19558216..2db975333c1200 100644 --- a/model-optimizer/extensions/middle/quantize_fuses.py +++ b/model-optimizer/extensions/middle/quantize_fuses.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.middle.BinarizeWeightsM1P1 import BinarizeWeightsM1P1 diff --git a/model-optimizer/extensions/middle/quantize_fuses_test.py b/model-optimizer/extensions/middle/quantize_fuses_test.py index a4ae73deb6a1a8..ec7da4b0802d9e 100644 --- a/model-optimizer/extensions/middle/quantize_fuses_test.py +++ b/model-optimizer/extensions/middle/quantize_fuses_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/middle/reverse_tensor_iterator.py b/model-optimizer/extensions/middle/reverse_tensor_iterator.py index 34bb37a1622a0f..558551ae8992a7 100644 --- a/model-optimizer/extensions/middle/reverse_tensor_iterator.py +++ b/model-optimizer/extensions/middle/reverse_tensor_iterator.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.middle.ONNXRNNSequenceNormalize import ONNXRNNSequenceNormalize diff --git a/model-optimizer/extensions/middle/sparse_reshape.py b/model-optimizer/extensions/middle/sparse_reshape.py index d3773a0a9b5f49..4efd69342f2b8c 100644 --- a/model-optimizer/extensions/middle/sparse_reshape.py +++ b/model-optimizer/extensions/middle/sparse_reshape.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/middle/sparse_reshape_test.py b/model-optimizer/extensions/middle/sparse_reshape_test.py index 5528bf766353f1..fbccf744d56877 100644 --- a/model-optimizer/extensions/middle/sparse_reshape_test.py +++ b/model-optimizer/extensions/middle/sparse_reshape_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from extensions.middle.sparse_reshape import SparseReshapeMiddleReplacer diff --git a/model-optimizer/extensions/middle/split_tdnn_memoryoffset.py b/model-optimizer/extensions/middle/split_tdnn_memoryoffset.py index 8e897e0f53f272..63ad5ba9369241 100644 --- a/model-optimizer/extensions/middle/split_tdnn_memoryoffset.py +++ b/model-optimizer/extensions/middle/split_tdnn_memoryoffset.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.middle.replacement import MiddleReplacementPattern diff --git a/model-optimizer/extensions/ops/BN.py b/model-optimizer/extensions/ops/BN.py index 2e3114d4fcb408..8206a38e8e4506 100644 --- a/model-optimizer/extensions/ops/BN.py +++ b/model-optimizer/extensions/ops/BN.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/BatchNormInference.py b/model-optimizer/extensions/ops/BatchNormInference.py index 0c132254d36ba5..c29f24025b08bd 100644 --- a/model-optimizer/extensions/ops/BatchNormInference.py +++ b/model-optimizer/extensions/ops/BatchNormInference.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/BlockLSTM.py b/model-optimizer/extensions/ops/BlockLSTM.py index 32a97fb5604688..d66a565fda308f 100644 --- a/model-optimizer/extensions/ops/BlockLSTM.py +++ b/model-optimizer/extensions/ops/BlockLSTM.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import mark_input_bins from mo.graph.graph import Node, Graph diff --git a/model-optimizer/extensions/ops/Cast.py b/model-optimizer/extensions/ops/Cast.py index ba4ac3b5000383..066ef1cf0d697e 100644 --- a/model-optimizer/extensions/ops/Cast.py +++ b/model-optimizer/extensions/ops/Cast.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/extensions/ops/ConvertLike.py b/model-optimizer/extensions/ops/ConvertLike.py index 6782911ae18583..de1c90be4db1ff 100644 --- a/model-optimizer/extensions/ops/ConvertLike.py +++ b/model-optimizer/extensions/ops/ConvertLike.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.elemental import copy_shape_infer from mo.graph.graph import Node, Graph diff --git a/model-optimizer/extensions/ops/DetectionOutput.py b/model-optimizer/extensions/ops/DetectionOutput.py index 787a4b2d207949..55bf0bdcebd6c8 100644 --- a/model-optimizer/extensions/ops/DetectionOutput.py +++ b/model-optimizer/extensions/ops/DetectionOutput.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.front.common.partial_infer.multi_box_detection import multi_box_detection_infer diff --git a/model-optimizer/extensions/ops/Enter.py b/model-optimizer/extensions/ops/Enter.py index b41cfb941af272..4f95837996f38f 100644 --- a/model-optimizer/extensions/ops/Enter.py +++ b/model-optimizer/extensions/ops/Enter.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/Exit.py b/model-optimizer/extensions/ops/Exit.py index bc9e5c56c9ef5b..949de86575ab65 100644 --- a/model-optimizer/extensions/ops/Exit.py +++ b/model-optimizer/extensions/ops/Exit.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/ExtractImagePatches.py b/model-optimizer/extensions/ops/ExtractImagePatches.py index 4d46b8313c6567..cd1b4eec9ebb62 100644 --- a/model-optimizer/extensions/ops/ExtractImagePatches.py +++ b/model-optimizer/extensions/ops/ExtractImagePatches.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/ExtractImagePatches_test.py b/model-optimizer/extensions/ops/ExtractImagePatches_test.py index 484f627e98618c..490cb82f8a0bd6 100644 --- a/model-optimizer/extensions/ops/ExtractImagePatches_test.py +++ b/model-optimizer/extensions/ops/ExtractImagePatches_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/GRU.py b/model-optimizer/extensions/ops/GRU.py index 811823518b3e31..dcb8280ffd227d 100644 --- a/model-optimizer/extensions/ops/GRU.py +++ b/model-optimizer/extensions/ops/GRU.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.RNN import rnn_infer diff --git a/model-optimizer/extensions/ops/GRUCell.py b/model-optimizer/extensions/ops/GRUCell.py index 5ae69b339fdae3..4b6f935621fbdb 100644 --- a/model-optimizer/extensions/ops/GRUCell.py +++ b/model-optimizer/extensions/ops/GRUCell.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.partial_infer.utils import mark_input_bins from mo.front.extractor import bool_to_str from mo.graph.graph import Node, Graph diff --git a/model-optimizer/extensions/ops/GatherTree.py b/model-optimizer/extensions/ops/GatherTree.py index 4a57de8dc4cdc9..a271b8815d63ab 100644 --- a/model-optimizer/extensions/ops/GatherTree.py +++ b/model-optimizer/extensions/ops/GatherTree.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Node, Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/LSTM.py b/model-optimizer/extensions/ops/LSTM.py index 7ab4008513afef..0db068b471c3f8 100644 --- a/model-optimizer/extensions/ops/LSTM.py +++ b/model-optimizer/extensions/ops/LSTM.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.RNN import rnn_infer from mo.graph.graph import Node, Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/LookupTableInsert.py b/model-optimizer/extensions/ops/LookupTableInsert.py index 1cd7c9b157ba2d..4284088623bee9 100644 --- a/model-optimizer/extensions/ops/LookupTableInsert.py +++ b/model-optimizer/extensions/ops/LookupTableInsert.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/LookupTableInsert_test.py b/model-optimizer/extensions/ops/LookupTableInsert_test.py index 71159d529e8b60..49f40a375640bf 100644 --- a/model-optimizer/extensions/ops/LookupTableInsert_test.py +++ b/model-optimizer/extensions/ops/LookupTableInsert_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/MatMul.py b/model-optimizer/extensions/ops/MatMul.py index 7181ddc33167ee..7fd6cb889375a5 100644 --- a/model-optimizer/extensions/ops/MatMul.py +++ b/model-optimizer/extensions/ops/MatMul.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/ops/MatMul_test.py b/model-optimizer/extensions/ops/MatMul_test.py index 040e2f93557e31..9424a26489c1ef 100644 --- a/model-optimizer/extensions/ops/MatMul_test.py +++ b/model-optimizer/extensions/ops/MatMul_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/MatMul_value_propagation_test.py b/model-optimizer/extensions/ops/MatMul_value_propagation_test.py index 67c8e1f5e3db66..fe60eec84bcf1b 100644 --- a/model-optimizer/extensions/ops/MatMul_value_propagation_test.py +++ b/model-optimizer/extensions/ops/MatMul_value_propagation_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/NextIteration.py b/model-optimizer/extensions/ops/NextIteration.py index 714dbc4e868012..a78d531aa1d6ae 100644 --- a/model-optimizer/extensions/ops/NextIteration.py +++ b/model-optimizer/extensions/ops/NextIteration.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/ONNXResize10.py b/model-optimizer/extensions/ops/ONNXResize10.py index 269679282ad035..b2354d4961cc9c 100644 --- a/model-optimizer/extensions/ops/ONNXResize10.py +++ b/model-optimizer/extensions/ops/ONNXResize10.py @@ -1,19 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Node, Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/ONNXResize11.py b/model-optimizer/extensions/ops/ONNXResize11.py index 292968a5f41f22..5ef8d7f6ac88c2 100644 --- a/model-optimizer/extensions/ops/ONNXResize11.py +++ b/model-optimizer/extensions/ops/ONNXResize11.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/ONNXResize11_test.py b/model-optimizer/extensions/ops/ONNXResize11_test.py index 5e2b4ffb64fbbd..c19ca15d4e7bfc 100644 --- a/model-optimizer/extensions/ops/ONNXResize11_test.py +++ b/model-optimizer/extensions/ops/ONNXResize11_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/RNN.py b/model-optimizer/extensions/ops/RNN.py index 5f2e7e57827a67..e20c12f0cb30a6 100644 --- a/model-optimizer/extensions/ops/RNN.py +++ b/model-optimizer/extensions/ops/RNN.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.front.common.partial_infer.utils import mark_input_bins diff --git a/model-optimizer/extensions/ops/RNNCell.py b/model-optimizer/extensions/ops/RNNCell.py index b92daf95ac9759..065c277ff26231 100644 --- a/model-optimizer/extensions/ops/RNNCell.py +++ b/model-optimizer/extensions/ops/RNNCell.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.partial_infer.utils import mark_input_bins from mo.graph.graph import Graph, Node from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/ReduceOps.py b/model-optimizer/extensions/ops/ReduceOps.py index 3c8cc0714eca12..890f7e77ade0ea 100644 --- a/model-optimizer/extensions/ops/ReduceOps.py +++ b/model-optimizer/extensions/ops/ReduceOps.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/ReduceOps_test.py b/model-optimizer/extensions/ops/ReduceOps_test.py index 732b0336728f23..9ca82cc9ccd9eb 100644 --- a/model-optimizer/extensions/ops/ReduceOps_test.py +++ b/model-optimizer/extensions/ops/ReduceOps_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/Reverse.py b/model-optimizer/extensions/ops/Reverse.py index 87e4ec9a4120cf..f51be7f29ef295 100644 --- a/model-optimizer/extensions/ops/Reverse.py +++ b/model-optimizer/extensions/ops/Reverse.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/Reverse_test.py b/model-optimizer/extensions/ops/Reverse_test.py index b9607237f152a9..892885629d9a7f 100644 --- a/model-optimizer/extensions/ops/Reverse_test.py +++ b/model-optimizer/extensions/ops/Reverse_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/TFResize.py b/model-optimizer/extensions/ops/TFResize.py index 8b9aaba6a41c77..c114a36926ee40 100644 --- a/model-optimizer/extensions/ops/TFResize.py +++ b/model-optimizer/extensions/ops/TFResize.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.layout import get_height_dim, get_width_dim from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/extensions/ops/TensorArray.py b/model-optimizer/extensions/ops/TensorArray.py index 85bcd5ec49fc88..40e8ddbfd283bf 100644 --- a/model-optimizer/extensions/ops/TensorArray.py +++ b/model-optimizer/extensions/ops/TensorArray.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/TensorArrayGather.py b/model-optimizer/extensions/ops/TensorArrayGather.py index 49abe0ef321ee7..e3adca7296c9df 100644 --- a/model-optimizer/extensions/ops/TensorArrayGather.py +++ b/model-optimizer/extensions/ops/TensorArrayGather.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/TensorArrayRead.py b/model-optimizer/extensions/ops/TensorArrayRead.py index 4c6b18004c555b..d4d24d33469909 100644 --- a/model-optimizer/extensions/ops/TensorArrayRead.py +++ b/model-optimizer/extensions/ops/TensorArrayRead.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/TensorArrayScatter.py b/model-optimizer/extensions/ops/TensorArrayScatter.py index b390f2f0163abb..0ef26a20c568f8 100644 --- a/model-optimizer/extensions/ops/TensorArrayScatter.py +++ b/model-optimizer/extensions/ops/TensorArrayScatter.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/TensorArraySize.py b/model-optimizer/extensions/ops/TensorArraySize.py index dc89f6dd264135..4281bebdb643d0 100644 --- a/model-optimizer/extensions/ops/TensorArraySize.py +++ b/model-optimizer/extensions/ops/TensorArraySize.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/TensorArrayWrite.py b/model-optimizer/extensions/ops/TensorArrayWrite.py index fb5d1828799cc8..d35ebaa1264fa0 100644 --- a/model-optimizer/extensions/ops/TensorArrayWrite.py +++ b/model-optimizer/extensions/ops/TensorArrayWrite.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/TensorIterator_ops.py b/model-optimizer/extensions/ops/TensorIterator_ops.py index b564cd4c51679f..c0a0f3c171025a 100644 --- a/model-optimizer/extensions/ops/TensorIterator_ops.py +++ b/model-optimizer/extensions/ops/TensorIterator_ops.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Node, Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/__init__.py b/model-optimizer/extensions/ops/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/extensions/ops/__init__.py +++ b/model-optimizer/extensions/ops/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/extensions/ops/accum.py b/model-optimizer/extensions/ops/accum.py index 5d813735ade2ca..c283df30d0131d 100644 --- a/model-optimizer/extensions/ops/accum.py +++ b/model-optimizer/extensions/ops/accum.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/accum_test.py b/model-optimizer/extensions/ops/accum_test.py index c8c06474234845..c08f0615a711e1 100644 --- a/model-optimizer/extensions/ops/accum_test.py +++ b/model-optimizer/extensions/ops/accum_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/activation_ops.py b/model-optimizer/extensions/ops/activation_ops.py index 3865526533de49..b9894d529b04c4 100644 --- a/model-optimizer/extensions/ops/activation_ops.py +++ b/model-optimizer/extensions/ops/activation_ops.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/activation_test.py b/model-optimizer/extensions/ops/activation_test.py index 8b57c69b4a2971..49d59637ab6bdb 100644 --- a/model-optimizer/extensions/ops/activation_test.py +++ b/model-optimizer/extensions/ops/activation_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/adaptive_avg_pooling.py b/model-optimizer/extensions/ops/adaptive_avg_pooling.py index 2e2460518b7ac7..9439efecba1c19 100644 --- a/model-optimizer/extensions/ops/adaptive_avg_pooling.py +++ b/model-optimizer/extensions/ops/adaptive_avg_pooling.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import int64_array from mo.graph.graph import Graph, Node diff --git a/model-optimizer/extensions/ops/argmax.py b/model-optimizer/extensions/ops/argmax.py index 323a6a29c049e1..be6f4ecac62f94 100644 --- a/model-optimizer/extensions/ops/argmax.py +++ b/model-optimizer/extensions/ops/argmax.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/ops/argmax_test.py b/model-optimizer/extensions/ops/argmax_test.py index 39d23252d1da91..e1f0d42ef0852d 100644 --- a/model-optimizer/extensions/ops/argmax_test.py +++ b/model-optimizer/extensions/ops/argmax_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/assert_op.py b/model-optimizer/extensions/ops/assert_op.py index 9310e8987b8e72..392f528e8fb507 100644 --- a/model-optimizer/extensions/ops/assert_op.py +++ b/model-optimizer/extensions/ops/assert_op.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Node, Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/assert_test.py b/model-optimizer/extensions/ops/assert_test.py index bfccc1d6bd7a57..d786b7638e93a5 100644 --- a/model-optimizer/extensions/ops/assert_test.py +++ b/model-optimizer/extensions/ops/assert_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from unittest.mock import Mock diff --git a/model-optimizer/extensions/ops/aten.py b/model-optimizer/extensions/ops/aten.py index 92a045d2340cc4..c4849a0e15e572 100644 --- a/model-optimizer/extensions/ops/aten.py +++ b/model-optimizer/extensions/ops/aten.py @@ -1,18 +1,5 @@ -""" - Copyright (c) 2020 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/axpy.py b/model-optimizer/extensions/ops/axpy.py index c04cb8d74a6ba9..f24982561d894a 100644 --- a/model-optimizer/extensions/ops/axpy.py +++ b/model-optimizer/extensions/ops/axpy.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/binarization.py b/model-optimizer/extensions/ops/binarization.py index 195d11d3934dd1..5a32bf4b7d7747 100644 --- a/model-optimizer/extensions/ops/binarization.py +++ b/model-optimizer/extensions/ops/binarization.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/box_nms.py b/model-optimizer/extensions/ops/box_nms.py index ad973fb060b57d..d42e68b42ac166 100644 --- a/model-optimizer/extensions/ops/box_nms.py +++ b/model-optimizer/extensions/ops/box_nms.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Node, Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/bucketize.py b/model-optimizer/extensions/ops/bucketize.py index 777a28b9c400d5..c7e6ad8fa968ba 100644 --- a/model-optimizer/extensions/ops/bucketize.py +++ b/model-optimizer/extensions/ops/bucketize.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/bucketize_test.py b/model-optimizer/extensions/ops/bucketize_test.py index c9c4a30eb87478..6334d362dd5400 100644 --- a/model-optimizer/extensions/ops/bucketize_test.py +++ b/model-optimizer/extensions/ops/bucketize_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/cast_test.py b/model-optimizer/extensions/ops/cast_test.py index 88d38db21fb5cd..dc0f6449c99f80 100644 --- a/model-optimizer/extensions/ops/cast_test.py +++ b/model-optimizer/extensions/ops/cast_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np import unittest diff --git a/model-optimizer/extensions/ops/constant_fill.py b/model-optimizer/extensions/ops/constant_fill.py index b1d9294445eb43..fcbc93d8eaa27a 100644 --- a/model-optimizer/extensions/ops/constant_fill.py +++ b/model-optimizer/extensions/ops/constant_fill.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/copyop.py b/model-optimizer/extensions/ops/copyop.py index a3a7d4d9e523f3..8944e768fd53e9 100644 --- a/model-optimizer/extensions/ops/copyop.py +++ b/model-optimizer/extensions/ops/copyop.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/correlation.py b/model-optimizer/extensions/ops/correlation.py index 04e949768e6bcf..fa15707ccf0415 100644 --- a/model-optimizer/extensions/ops/correlation.py +++ b/model-optimizer/extensions/ops/correlation.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from math import ceil diff --git a/model-optimizer/extensions/ops/correlation_test.py b/model-optimizer/extensions/ops/correlation_test.py index a1f97de57a8242..d28835cbc42633 100644 --- a/model-optimizer/extensions/ops/correlation_test.py +++ b/model-optimizer/extensions/ops/correlation_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/ctc_greedy_decoder.py b/model-optimizer/extensions/ops/ctc_greedy_decoder.py index 9d0fda38ae666d..84f9fba72d3395 100644 --- a/model-optimizer/extensions/ops/ctc_greedy_decoder.py +++ b/model-optimizer/extensions/ops/ctc_greedy_decoder.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import int64_array from mo.front.extractor import bool_to_str diff --git a/model-optimizer/extensions/ops/ctc_greedy_decoder_seq_len.py b/model-optimizer/extensions/ops/ctc_greedy_decoder_seq_len.py index eb2c81998d4d83..bf6d4edec8d9db 100644 --- a/model-optimizer/extensions/ops/ctc_greedy_decoder_seq_len.py +++ b/model-optimizer/extensions/ops/ctc_greedy_decoder_seq_len.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/ctc_greedy_decoder_test.py b/model-optimizer/extensions/ops/ctc_greedy_decoder_test.py index 86bb59584b1d0e..6e445ce4ac6f96 100644 --- a/model-optimizer/extensions/ops/ctc_greedy_decoder_test.py +++ b/model-optimizer/extensions/ops/ctc_greedy_decoder_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/ctc_loss.py b/model-optimizer/extensions/ops/ctc_loss.py index 1a5bdce41aab75..d4751d5cdb8b66 100644 --- a/model-optimizer/extensions/ops/ctc_loss.py +++ b/model-optimizer/extensions/ops/ctc_loss.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2020-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/ctc_loss_test.py b/model-optimizer/extensions/ops/ctc_loss_test.py index 33cb054492df4f..66562b60d68f21 100644 --- a/model-optimizer/extensions/ops/ctc_loss_test.py +++ b/model-optimizer/extensions/ops/ctc_loss_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/cumsum.py b/model-optimizer/extensions/ops/cumsum.py index f7a6dc130b5e6c..be3d2e2dfb5e11 100644 --- a/model-optimizer/extensions/ops/cumsum.py +++ b/model-optimizer/extensions/ops/cumsum.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.front.extractor import bool_to_str diff --git a/model-optimizer/extensions/ops/cumsum_test.py b/model-optimizer/extensions/ops/cumsum_test.py index 1ac0f89da3bdf2..c44517e96bf570 100644 --- a/model-optimizer/extensions/ops/cumsum_test.py +++ b/model-optimizer/extensions/ops/cumsum_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/data_augmentation.py b/model-optimizer/extensions/ops/data_augmentation.py index ef6917c4d58b13..d315031717bed9 100644 --- a/model-optimizer/extensions/ops/data_augmentation.py +++ b/model-optimizer/extensions/ops/data_augmentation.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 # Concat infer : N - number of inputs to concat # axis - dimension number for tensors concatenation diff --git a/model-optimizer/extensions/ops/data_augmentation_test.py b/model-optimizer/extensions/ops/data_augmentation_test.py index bd70f3aa321681..c67fc888b8c94b 100644 --- a/model-optimizer/extensions/ops/data_augmentation_test.py +++ b/model-optimizer/extensions/ops/data_augmentation_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/depth_to_space.py b/model-optimizer/extensions/ops/depth_to_space.py index 67435d2905866d..831252ffe687ec 100644 --- a/model-optimizer/extensions/ops/depth_to_space.py +++ b/model-optimizer/extensions/ops/depth_to_space.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/depth_to_space_test.py b/model-optimizer/extensions/ops/depth_to_space_test.py index 5fd341119a3b81..c6f3a2fba978a3 100644 --- a/model-optimizer/extensions/ops/depth_to_space_test.py +++ b/model-optimizer/extensions/ops/depth_to_space_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest import numpy as np diff --git a/model-optimizer/extensions/ops/dequantize_linear.py b/model-optimizer/extensions/ops/dequantize_linear.py index 2f44a0f58c738b..ec4fc70ac9dbf6 100644 --- a/model-optimizer/extensions/ops/dequantize_linear.py +++ b/model-optimizer/extensions/ops/dequantize_linear.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/detectionoutput_onnx.py b/model-optimizer/extensions/ops/detectionoutput_onnx.py index a5de6ec9b02e92..bae3f743afded1 100644 --- a/model-optimizer/extensions/ops/detectionoutput_onnx.py +++ b/model-optimizer/extensions/ops/detectionoutput_onnx.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/div_value_propagation_test.py b/model-optimizer/extensions/ops/div_value_propagation_test.py index ea412e645f8098..6ae15b02b06464 100644 --- a/model-optimizer/extensions/ops/div_value_propagation_test.py +++ b/model-optimizer/extensions/ops/div_value_propagation_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/elementwise.py b/model-optimizer/extensions/ops/elementwise.py index 598041e63864d5..e9c451b96be55d 100644 --- a/model-optimizer/extensions/ops/elementwise.py +++ b/model-optimizer/extensions/ops/elementwise.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/ops/elementwise_test.py b/model-optimizer/extensions/ops/elementwise_test.py index 15496e9e053fb1..36e54000f44b8c 100644 --- a/model-optimizer/extensions/ops/elementwise_test.py +++ b/model-optimizer/extensions/ops/elementwise_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/embedding_bag.py b/model-optimizer/extensions/ops/embedding_bag.py index 1d83db0a6375a3..d5e0623d36c52c 100644 --- a/model-optimizer/extensions/ops/embedding_bag.py +++ b/model-optimizer/extensions/ops/embedding_bag.py @@ -1,18 +1,5 @@ -""" - Copyright (c) 2020 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/embedding_bag_test.py b/model-optimizer/extensions/ops/embedding_bag_test.py index 673e11fe81f04e..ae04e526356213 100644 --- a/model-optimizer/extensions/ops/embedding_bag_test.py +++ b/model-optimizer/extensions/ops/embedding_bag_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/fake_output.py b/model-optimizer/extensions/ops/fake_output.py index 488ec1063d8d88..0b129f92e4011f 100644 --- a/model-optimizer/extensions/ops/fake_output.py +++ b/model-optimizer/extensions/ops/fake_output.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.partial_infer.elemental import copy_shape_infer, copy_value from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/fakequantize.py b/model-optimizer/extensions/ops/fakequantize.py index 6796f15214f95d..a6828b44921d8c 100644 --- a/model-optimizer/extensions/ops/fakequantize.py +++ b/model-optimizer/extensions/ops/fakequantize.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/gather.py b/model-optimizer/extensions/ops/gather.py index b6e015c85efa51..3396a639e7e7a5 100644 --- a/model-optimizer/extensions/ops/gather.py +++ b/model-optimizer/extensions/ops/gather.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/gather_test.py b/model-optimizer/extensions/ops/gather_test.py index a2f23318f772d0..bf0b3375ed07a3 100644 --- a/model-optimizer/extensions/ops/gather_test.py +++ b/model-optimizer/extensions/ops/gather_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/gatherelements.py b/model-optimizer/extensions/ops/gatherelements.py index f75571393eb8d6..50e32a068ec44f 100644 --- a/model-optimizer/extensions/ops/gatherelements.py +++ b/model-optimizer/extensions/ops/gatherelements.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/gatherelements_test.py b/model-optimizer/extensions/ops/gatherelements_test.py index 8b46b9ad6f1b75..f3bae01f83a295 100644 --- a/model-optimizer/extensions/ops/gatherelements_test.py +++ b/model-optimizer/extensions/ops/gatherelements_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/gathernd.py b/model-optimizer/extensions/ops/gathernd.py index 3acc7efccf841c..e61757d4a882ed 100644 --- a/model-optimizer/extensions/ops/gathernd.py +++ b/model-optimizer/extensions/ops/gathernd.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/gathernd_test.py b/model-optimizer/extensions/ops/gathernd_test.py index 23cad15a045dac..8a4f52d8ac26d6 100644 --- a/model-optimizer/extensions/ops/gathernd_test.py +++ b/model-optimizer/extensions/ops/gathernd_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/gelu.py b/model-optimizer/extensions/ops/gelu.py index 3900db5955cb9a..df485d35ed849b 100644 --- a/model-optimizer/extensions/ops/gelu.py +++ b/model-optimizer/extensions/ops/gelu.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.elemental import copy_shape_infer from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/ops/grn.py b/model-optimizer/extensions/ops/grn.py index f83a3761a04b47..a0b9cb30fc9d0a 100644 --- a/model-optimizer/extensions/ops/grn.py +++ b/model-optimizer/extensions/ops/grn.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.elemental import copy_shape_infer from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/ops/grn_test.py b/model-optimizer/extensions/ops/grn_test.py index e81d6f553fa411..977560977a81fc 100644 --- a/model-optimizer/extensions/ops/grn_test.py +++ b/model-optimizer/extensions/ops/grn_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/hard_sigmoid.py b/model-optimizer/extensions/ops/hard_sigmoid.py index f5cfc635816368..bf69de8d4701b1 100644 --- a/model-optimizer/extensions/ops/hard_sigmoid.py +++ b/model-optimizer/extensions/ops/hard_sigmoid.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/identity.py b/model-optimizer/extensions/ops/identity.py index 601672eb8629ac..990c1cb3d1f3a0 100644 --- a/model-optimizer/extensions/ops/identity.py +++ b/model-optimizer/extensions/ops/identity.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/instance_normalization.py b/model-optimizer/extensions/ops/instance_normalization.py index 2c839381d673e4..3e52f89702fab8 100644 --- a/model-optimizer/extensions/ops/instance_normalization.py +++ b/model-optimizer/extensions/ops/instance_normalization.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/instance_normalization_test.py b/model-optimizer/extensions/ops/instance_normalization_test.py index 7975fde38b3faa..f49ba1db91a025 100644 --- a/model-optimizer/extensions/ops/instance_normalization_test.py +++ b/model-optimizer/extensions/ops/instance_normalization_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/interp.py b/model-optimizer/extensions/ops/interp.py index 21f09f26602fb9..33522e70041300 100644 --- a/model-optimizer/extensions/ops/interp.py +++ b/model-optimizer/extensions/ops/interp.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import inspect import logging as log diff --git a/model-optimizer/extensions/ops/interpolate.py b/model-optimizer/extensions/ops/interpolate.py index 1426f341181fd2..fca0cac53ec78a 100644 --- a/model-optimizer/extensions/ops/interpolate.py +++ b/model-optimizer/extensions/ops/interpolate.py @@ -1,19 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import math diff --git a/model-optimizer/extensions/ops/interpolate_test.py b/model-optimizer/extensions/ops/interpolate_test.py index 29a88924deaac1..59f1f7f1c85517 100644 --- a/model-optimizer/extensions/ops/interpolate_test.py +++ b/model-optimizer/extensions/ops/interpolate_test.py @@ -1,19 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/loop.py b/model-optimizer/extensions/ops/loop.py index b6ec43db949dfc..6aca93bebc8e2e 100644 --- a/model-optimizer/extensions/ops/loop.py +++ b/model-optimizer/extensions/ops/loop.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2017-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/extensions/ops/lstm_cell.py b/model-optimizer/extensions/ops/lstm_cell.py index cdbcf0f149f8d1..7dc091f2b69969 100644 --- a/model-optimizer/extensions/ops/lstm_cell.py +++ b/model-optimizer/extensions/ops/lstm_cell.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import mark_input_bins from mo.graph.graph import Node, Graph diff --git a/model-optimizer/extensions/ops/lstm_sequence.py b/model-optimizer/extensions/ops/lstm_sequence.py index 7878cbcde372bc..0fce701ff9902c 100644 --- a/model-optimizer/extensions/ops/lstm_sequence.py +++ b/model-optimizer/extensions/ops/lstm_sequence.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/merge.py b/model-optimizer/extensions/ops/merge.py index 609c6509567798..53134bf8a966b2 100644 --- a/model-optimizer/extensions/ops/merge.py +++ b/model-optimizer/extensions/ops/merge.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/merge_test.py b/model-optimizer/extensions/ops/merge_test.py index 9d797edf2fa3b8..bb7e3ce30dd3d9 100644 --- a/model-optimizer/extensions/ops/merge_test.py +++ b/model-optimizer/extensions/ops/merge_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/mvn.py b/model-optimizer/extensions/ops/mvn.py index cc8b8b939adcca..506522d9aaea7e 100644 --- a/model-optimizer/extensions/ops/mvn.py +++ b/model-optimizer/extensions/ops/mvn.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.caffe.extractors.utils import get_canonical_axis_index from mo.front.common.layout import get_features_dim from mo.front.common.partial_infer.elemental import copy_shape_infer diff --git a/model-optimizer/extensions/ops/mxrepeat.py b/model-optimizer/extensions/ops/mxrepeat.py index 29839cef35a650..7357c443562297 100644 --- a/model-optimizer/extensions/ops/mxrepeat.py +++ b/model-optimizer/extensions/ops/mxrepeat.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/mxreshape.py b/model-optimizer/extensions/ops/mxreshape.py index 30452863b3a26d..d027bb104f0b61 100644 --- a/model-optimizer/extensions/ops/mxreshape.py +++ b/model-optimizer/extensions/ops/mxreshape.py @@ -1,18 +1,5 @@ -""" - Copyright (c) 2020 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/non_max_suppression.py b/model-optimizer/extensions/ops/non_max_suppression.py index 3273fea409f80b..e863bc84fed3cb 100644 --- a/model-optimizer/extensions/ops/non_max_suppression.py +++ b/model-optimizer/extensions/ops/non_max_suppression.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/extensions/ops/non_max_suppression_test.py b/model-optimizer/extensions/ops/non_max_suppression_test.py index 66142d4086ea58..9e167c64f95b7f 100644 --- a/model-optimizer/extensions/ops/non_max_suppression_test.py +++ b/model-optimizer/extensions/ops/non_max_suppression_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/non_zero.py b/model-optimizer/extensions/ops/non_zero.py index 8d1031b3e9e30f..8860870a3aea89 100644 --- a/model-optimizer/extensions/ops/non_zero.py +++ b/model-optimizer/extensions/ops/non_zero.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/normalize.py b/model-optimizer/extensions/ops/normalize.py index 8d829cd5172352..18b365d46ecc70 100644 --- a/model-optimizer/extensions/ops/normalize.py +++ b/model-optimizer/extensions/ops/normalize.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.elemental import copy_shape_infer from mo.front.common.partial_infer.utils import mark_input_bins diff --git a/model-optimizer/extensions/ops/normalize_l2.py b/model-optimizer/extensions/ops/normalize_l2.py index 607ccdf910684a..f4693fbae49a40 100644 --- a/model-optimizer/extensions/ops/normalize_l2.py +++ b/model-optimizer/extensions/ops/normalize_l2.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.graph.graph import Graph, Node diff --git a/model-optimizer/extensions/ops/normalize_test.py b/model-optimizer/extensions/ops/normalize_test.py index 77e433b3fdf80f..67bcb25f9706a2 100644 --- a/model-optimizer/extensions/ops/normalize_test.py +++ b/model-optimizer/extensions/ops/normalize_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/one_hot.py b/model-optimizer/extensions/ops/one_hot.py index 4a8eca3ff37b2f..12e1390a5fc229 100644 --- a/model-optimizer/extensions/ops/one_hot.py +++ b/model-optimizer/extensions/ops/one_hot.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.graph.graph import Node, Graph diff --git a/model-optimizer/extensions/ops/one_hot_test.py b/model-optimizer/extensions/ops/one_hot_test.py index 424a099013e42e..d712d4e059afd2 100644 --- a/model-optimizer/extensions/ops/one_hot_test.py +++ b/model-optimizer/extensions/ops/one_hot_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/pack.py b/model-optimizer/extensions/ops/pack.py index eea3d5b0024401..9abea6ed907f8c 100644 --- a/model-optimizer/extensions/ops/pack.py +++ b/model-optimizer/extensions/ops/pack.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/parameter.py b/model-optimizer/extensions/ops/parameter.py index edb6764ccf15de..25bf0be1bfdea6 100644 --- a/model-optimizer/extensions/ops/parameter.py +++ b/model-optimizer/extensions/ops/parameter.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/pnorm.py b/model-optimizer/extensions/ops/pnorm.py index 6e612658050ad8..6f0b83f9c7e489 100644 --- a/model-optimizer/extensions/ops/pnorm.py +++ b/model-optimizer/extensions/ops/pnorm.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph, Node from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/power_file.py b/model-optimizer/extensions/ops/power_file.py index 10a8b0fb5bd3c2..dc0158b515fa29 100644 --- a/model-optimizer/extensions/ops/power_file.py +++ b/model-optimizer/extensions/ops/power_file.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.elemental import copy_shape_infer from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/ops/prediction_heatmap.py b/model-optimizer/extensions/ops/prediction_heatmap.py index 359c9af7915b70..f614c8601f68d6 100644 --- a/model-optimizer/extensions/ops/prediction_heatmap.py +++ b/model-optimizer/extensions/ops/prediction_heatmap.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/prelu.py b/model-optimizer/extensions/ops/prelu.py index d90e2bdb304930..9dde5394369ab4 100644 --- a/model-optimizer/extensions/ops/prelu.py +++ b/model-optimizer/extensions/ops/prelu.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/priorbox.py b/model-optimizer/extensions/ops/priorbox.py index 5a59386d1497df..c27a128bf69a7c 100644 --- a/model-optimizer/extensions/ops/priorbox.py +++ b/model-optimizer/extensions/ops/priorbox.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/priorbox_clustered.py b/model-optimizer/extensions/ops/priorbox_clustered.py index 3165a5fb277d22..cedf74c1fd3eb3 100644 --- a/model-optimizer/extensions/ops/priorbox_clustered.py +++ b/model-optimizer/extensions/ops/priorbox_clustered.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/priorbox_clustered_test.py b/model-optimizer/extensions/ops/priorbox_clustered_test.py index de7a73112f14e5..b28759bb5243be 100644 --- a/model-optimizer/extensions/ops/priorbox_clustered_test.py +++ b/model-optimizer/extensions/ops/priorbox_clustered_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/priorbox_test.py b/model-optimizer/extensions/ops/priorbox_test.py index cef333004a3e59..a0a7010fd7700f 100644 --- a/model-optimizer/extensions/ops/priorbox_test.py +++ b/model-optimizer/extensions/ops/priorbox_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/priorgridgenerator_onnx.py b/model-optimizer/extensions/ops/priorgridgenerator_onnx.py index 5376d3a41ef6f3..3d4e3a7b540dfc 100644 --- a/model-optimizer/extensions/ops/priorgridgenerator_onnx.py +++ b/model-optimizer/extensions/ops/priorgridgenerator_onnx.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/proposal.py b/model-optimizer/extensions/ops/proposal.py index 7c6f3fe261625a..0da312caf04b85 100644 --- a/model-optimizer/extensions/ops/proposal.py +++ b/model-optimizer/extensions/ops/proposal.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import int64_array from mo.front.extractor import attr_getter, bool_to_str diff --git a/model-optimizer/extensions/ops/proposal_onnx.py b/model-optimizer/extensions/ops/proposal_onnx.py index 4b20a95ef70ed6..e7a2c6f6837562 100644 --- a/model-optimizer/extensions/ops/proposal_onnx.py +++ b/model-optimizer/extensions/ops/proposal_onnx.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/proposal_python_example.py b/model-optimizer/extensions/ops/proposal_python_example.py index 6e039c58280835..52c75812ab97a4 100644 --- a/model-optimizer/extensions/ops/proposal_python_example.py +++ b/model-optimizer/extensions/ops/proposal_python_example.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.proposal import ProposalOp from mo.front.caffe.extractor import register_caffe_python_extractor diff --git a/model-optimizer/extensions/ops/proposal_test.py b/model-optimizer/extensions/ops/proposal_test.py index bde3b610abf108..a4feb8f6f94ff7 100644 --- a/model-optimizer/extensions/ops/proposal_test.py +++ b/model-optimizer/extensions/ops/proposal_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/psroipooling.py b/model-optimizer/extensions/ops/psroipooling.py index ef569bdb23b68b..5b8003710ad475 100644 --- a/model-optimizer/extensions/ops/psroipooling.py +++ b/model-optimizer/extensions/ops/psroipooling.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.layout import get_batch_dim, shape_for_layout from mo.graph.graph import Node, Graph diff --git a/model-optimizer/extensions/ops/psroipooling_test.py b/model-optimizer/extensions/ops/psroipooling_test.py index 6386bf37477619..2b9cad7838d326 100644 --- a/model-optimizer/extensions/ops/psroipooling_test.py +++ b/model-optimizer/extensions/ops/psroipooling_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/quantize_linear.py b/model-optimizer/extensions/ops/quantize_linear.py index 8e392244fb821d..7068ee42de9b1b 100644 --- a/model-optimizer/extensions/ops/quantize_linear.py +++ b/model-optimizer/extensions/ops/quantize_linear.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/quantize_test.py b/model-optimizer/extensions/ops/quantize_test.py index d2a2c88cb8793d..65d4f2dd336cf7 100644 --- a/model-optimizer/extensions/ops/quantize_test.py +++ b/model-optimizer/extensions/ops/quantize_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/range.py b/model-optimizer/extensions/ops/range.py index 47ed304d837664..78c934105dbef9 100644 --- a/model-optimizer/extensions/ops/range.py +++ b/model-optimizer/extensions/ops/range.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/ops/rank.py b/model-optimizer/extensions/ops/rank.py index 6e707ad3c2aeba..c44a83f2d47c00 100644 --- a/model-optimizer/extensions/ops/rank.py +++ b/model-optimizer/extensions/ops/rank.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/ops/regionyolo.py b/model-optimizer/extensions/ops/regionyolo.py index 30944715495677..ed002c0e2ba79b 100644 --- a/model-optimizer/extensions/ops/regionyolo.py +++ b/model-optimizer/extensions/ops/regionyolo.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/regionyolo_test.py b/model-optimizer/extensions/ops/regionyolo_test.py index f90394533348a1..9ebd2045b1f3dd 100644 --- a/model-optimizer/extensions/ops/regionyolo_test.py +++ b/model-optimizer/extensions/ops/regionyolo_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/reorgyolo.py b/model-optimizer/extensions/ops/reorgyolo.py index 980aa578d304e3..6c87804b1f4b7c 100644 --- a/model-optimizer/extensions/ops/reorgyolo.py +++ b/model-optimizer/extensions/ops/reorgyolo.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/reorgyolo_test.py b/model-optimizer/extensions/ops/reorgyolo_test.py index 10a8691a1851f5..b21a9336281ec0 100644 --- a/model-optimizer/extensions/ops/reorgyolo_test.py +++ b/model-optimizer/extensions/ops/reorgyolo_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/resize.py b/model-optimizer/extensions/ops/resize.py index a202fe87c60416..cffff0360433e0 100644 --- a/model-optimizer/extensions/ops/resize.py +++ b/model-optimizer/extensions/ops/resize.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.partial_infer.utils import int64_array from mo.graph.graph import Node, Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/resize_factor_utils.py b/model-optimizer/extensions/ops/resize_factor_utils.py index ea76cd93ad4afa..ed95163d54eae4 100644 --- a/model-optimizer/extensions/ops/resize_factor_utils.py +++ b/model-optimizer/extensions/ops/resize_factor_utils.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/ops/reverse_sequence.py b/model-optimizer/extensions/ops/reverse_sequence.py index c246fd60c3b18d..fa6d946619ba8d 100644 --- a/model-optimizer/extensions/ops/reverse_sequence.py +++ b/model-optimizer/extensions/ops/reverse_sequence.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/roialign.py b/model-optimizer/extensions/ops/roialign.py index a3b31892286ef2..4f7bb489348a9e 100644 --- a/model-optimizer/extensions/ops/roialign.py +++ b/model-optimizer/extensions/ops/roialign.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.layout import get_features_dim, shape_for_layout from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/roifeatureextractor_onnx.py b/model-optimizer/extensions/ops/roifeatureextractor_onnx.py index fc34290a4ea93d..71783b0c733f30 100644 --- a/model-optimizer/extensions/ops/roifeatureextractor_onnx.py +++ b/model-optimizer/extensions/ops/roifeatureextractor_onnx.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/scatter.py b/model-optimizer/extensions/ops/scatter.py index 7879eff2fc109b..4349b4242b028f 100644 --- a/model-optimizer/extensions/ops/scatter.py +++ b/model-optimizer/extensions/ops/scatter.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/scatter_test.py b/model-optimizer/extensions/ops/scatter_test.py index dff3dd53a534bb..a653140d9bbde9 100644 --- a/model-optimizer/extensions/ops/scatter_test.py +++ b/model-optimizer/extensions/ops/scatter_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/scatternd.py b/model-optimizer/extensions/ops/scatternd.py index b9b01802ad5f76..cffb226b268c6b 100644 --- a/model-optimizer/extensions/ops/scatternd.py +++ b/model-optimizer/extensions/ops/scatternd.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/scatternd_test.py b/model-optimizer/extensions/ops/scatternd_test.py index 1789ac006202e9..41e9ad9410173c 100644 --- a/model-optimizer/extensions/ops/scatternd_test.py +++ b/model-optimizer/extensions/ops/scatternd_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/select.py b/model-optimizer/extensions/ops/select.py index f9856bfa325b57..31d602195d5889 100644 --- a/model-optimizer/extensions/ops/select.py +++ b/model-optimizer/extensions/ops/select.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/select_test.py b/model-optimizer/extensions/ops/select_test.py index e9b04cf9679851..516dcaa71d73ad 100644 --- a/model-optimizer/extensions/ops/select_test.py +++ b/model-optimizer/extensions/ops/select_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/shufflechannel.py b/model-optimizer/extensions/ops/shufflechannel.py index 2f89db176106fc..ae3e600f87f4f1 100644 --- a/model-optimizer/extensions/ops/shufflechannel.py +++ b/model-optimizer/extensions/ops/shufflechannel.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.graph.graph import Graph, Node from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/simplernms.py b/model-optimizer/extensions/ops/simplernms.py index 960bf6169ea409..9763dfee358073 100644 --- a/model-optimizer/extensions/ops/simplernms.py +++ b/model-optimizer/extensions/ops/simplernms.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/ops/simplernms_test.py b/model-optimizer/extensions/ops/simplernms_test.py index bcbe195bee27b3..eabb6f09c1e20b 100644 --- a/model-optimizer/extensions/ops/simplernms_test.py +++ b/model-optimizer/extensions/ops/simplernms_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/size.py b/model-optimizer/extensions/ops/size.py index 82aa0c71e98dc7..cbfbb341b6f82d 100644 --- a/model-optimizer/extensions/ops/size.py +++ b/model-optimizer/extensions/ops/size.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/slice_like.py b/model-optimizer/extensions/ops/slice_like.py index 14ec79ed64141a..db2077398e07cc 100644 --- a/model-optimizer/extensions/ops/slice_like.py +++ b/model-optimizer/extensions/ops/slice_like.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.front.caffe.extractors.utils import get_canonical_axis_index diff --git a/model-optimizer/extensions/ops/slice_like_test.py b/model-optimizer/extensions/ops/slice_like_test.py index 69688507407eef..92ffa057d79d11 100644 --- a/model-optimizer/extensions/ops/slice_like_test.py +++ b/model-optimizer/extensions/ops/slice_like_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/extensions/ops/space_to_depth.py b/model-optimizer/extensions/ops/space_to_depth.py index 0f2b990e0fd8d2..8a116c53c5aa78 100644 --- a/model-optimizer/extensions/ops/space_to_depth.py +++ b/model-optimizer/extensions/ops/space_to_depth.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/space_to_depth_test.py b/model-optimizer/extensions/ops/space_to_depth_test.py index ae5359960acec1..7f9c4716ee2c01 100644 --- a/model-optimizer/extensions/ops/space_to_depth_test.py +++ b/model-optimizer/extensions/ops/space_to_depth_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest import numpy as np diff --git a/model-optimizer/extensions/ops/sparse_fill_empty_rows.py b/model-optimizer/extensions/ops/sparse_fill_empty_rows.py index 7d18ea007242f8..4129b941098455 100644 --- a/model-optimizer/extensions/ops/sparse_fill_empty_rows.py +++ b/model-optimizer/extensions/ops/sparse_fill_empty_rows.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/ops/sparse_fill_empty_rows_test.py b/model-optimizer/extensions/ops/sparse_fill_empty_rows_test.py index 99a3f2e972b59b..14fa6d26735d98 100644 --- a/model-optimizer/extensions/ops/sparse_fill_empty_rows_test.py +++ b/model-optimizer/extensions/ops/sparse_fill_empty_rows_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/sparse_reshape.py b/model-optimizer/extensions/ops/sparse_reshape.py index ce1b8546ae0515..6b113b8f46d72f 100644 --- a/model-optimizer/extensions/ops/sparse_reshape.py +++ b/model-optimizer/extensions/ops/sparse_reshape.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/sparse_reshape_test.py b/model-optimizer/extensions/ops/sparse_reshape_test.py index 09d5aee5ad5e7d..26927ae7153ef8 100644 --- a/model-optimizer/extensions/ops/sparse_reshape_test.py +++ b/model-optimizer/extensions/ops/sparse_reshape_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/sparse_segment_mean.py b/model-optimizer/extensions/ops/sparse_segment_mean.py index 68bfe48596f230..aa50cb93c1b92d 100644 --- a/model-optimizer/extensions/ops/sparse_segment_mean.py +++ b/model-optimizer/extensions/ops/sparse_segment_mean.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/sparse_segment_mean_test.py b/model-optimizer/extensions/ops/sparse_segment_mean_test.py index b61893b6de281e..44de3a95f76beb 100644 --- a/model-optimizer/extensions/ops/sparse_segment_mean_test.py +++ b/model-optimizer/extensions/ops/sparse_segment_mean_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/sparse_segment_sqrtn.py b/model-optimizer/extensions/ops/sparse_segment_sqrtn.py index fab73acf40a6fc..7c314b89528faa 100644 --- a/model-optimizer/extensions/ops/sparse_segment_sqrtn.py +++ b/model-optimizer/extensions/ops/sparse_segment_sqrtn.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/sparse_segment_sqrtn_test.py b/model-optimizer/extensions/ops/sparse_segment_sqrtn_test.py index a8f8428f102846..fd7c23577e89cf 100644 --- a/model-optimizer/extensions/ops/sparse_segment_sqrtn_test.py +++ b/model-optimizer/extensions/ops/sparse_segment_sqrtn_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/sparse_segment_sum.py b/model-optimizer/extensions/ops/sparse_segment_sum.py index 6d808e21e9ab4a..f1d22dc0248658 100644 --- a/model-optimizer/extensions/ops/sparse_segment_sum.py +++ b/model-optimizer/extensions/ops/sparse_segment_sum.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/sparse_segment_sum_test.py b/model-optimizer/extensions/ops/sparse_segment_sum_test.py index c46668fc69e4ae..b28b83b12afee3 100644 --- a/model-optimizer/extensions/ops/sparse_segment_sum_test.py +++ b/model-optimizer/extensions/ops/sparse_segment_sum_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/spatial_transformer.py b/model-optimizer/extensions/ops/spatial_transformer.py index 4f3aaee6d82a1b..692562e6491df1 100644 --- a/model-optimizer/extensions/ops/spatial_transformer.py +++ b/model-optimizer/extensions/ops/spatial_transformer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import copy diff --git a/model-optimizer/extensions/ops/spatial_transformer_test.py b/model-optimizer/extensions/ops/spatial_transformer_test.py index 56c5170e3a88cc..2c48b9edb9950f 100644 --- a/model-optimizer/extensions/ops/spatial_transformer_test.py +++ b/model-optimizer/extensions/ops/spatial_transformer_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/splice.py b/model-optimizer/extensions/ops/splice.py index d25679c684dff0..5a861e5a8a986f 100644 --- a/model-optimizer/extensions/ops/splice.py +++ b/model-optimizer/extensions/ops/splice.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph, Node from mo.ops.op import Op diff --git a/model-optimizer/extensions/ops/split.py b/model-optimizer/extensions/ops/split.py index b363dc106c873a..211adcb4d73be2 100644 --- a/model-optimizer/extensions/ops/split.py +++ b/model-optimizer/extensions/ops/split.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/extensions/ops/split_test.py b/model-optimizer/extensions/ops/split_test.py index df17a5456939a8..c5673e93575b37 100644 --- a/model-optimizer/extensions/ops/split_test.py +++ b/model-optimizer/extensions/ops/split_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/stop_gradient.py b/model-optimizer/extensions/ops/stop_gradient.py index 42202c4eb4589f..81f1d483a675c4 100644 --- a/model-optimizer/extensions/ops/stop_gradient.py +++ b/model-optimizer/extensions/ops/stop_gradient.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.elemental import copy_shape_infer from mo.graph.graph import Graph diff --git a/model-optimizer/extensions/ops/swapaxis.py b/model-optimizer/extensions/ops/swapaxis.py index 0744d2f8356aa5..cfbff60dc7561b 100644 --- a/model-optimizer/extensions/ops/swapaxis.py +++ b/model-optimizer/extensions/ops/swapaxis.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/switch.py b/model-optimizer/extensions/ops/switch.py index 8b6c52f68fc2eb..17a2a432b09a7d 100644 --- a/model-optimizer/extensions/ops/switch.py +++ b/model-optimizer/extensions/ops/switch.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/switch_test.py b/model-optimizer/extensions/ops/switch_test.py index b2369a3b399a29..ad7a66861b7068 100644 --- a/model-optimizer/extensions/ops/switch_test.py +++ b/model-optimizer/extensions/ops/switch_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import Mock, call diff --git a/model-optimizer/extensions/ops/tensor_iterator.py b/model-optimizer/extensions/ops/tensor_iterator.py index 6f268997cc9730..7be9107d55921d 100644 --- a/model-optimizer/extensions/ops/tensor_iterator.py +++ b/model-optimizer/extensions/ops/tensor_iterator.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2017-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from copy import copy, deepcopy from extensions.ops.parameter import Parameter diff --git a/model-optimizer/extensions/ops/topk.py b/model-optimizer/extensions/ops/topk.py index 3da4cc392bf196..f25d8eff03a37c 100644 --- a/model-optimizer/extensions/ops/topk.py +++ b/model-optimizer/extensions/ops/topk.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/topk_test.py b/model-optimizer/extensions/ops/topk_test.py index 029fa9f861a0af..a403f133e594a6 100644 --- a/model-optimizer/extensions/ops/topk_test.py +++ b/model-optimizer/extensions/ops/topk_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/topkrois_onnx.py b/model-optimizer/extensions/ops/topkrois_onnx.py index d1935706fcf470..5f907bbffb2f23 100644 --- a/model-optimizer/extensions/ops/topkrois_onnx.py +++ b/model-optimizer/extensions/ops/topkrois_onnx.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/transpose.py b/model-optimizer/extensions/ops/transpose.py index 83e388258ce649..ea686505bce87c 100644 --- a/model-optimizer/extensions/ops/transpose.py +++ b/model-optimizer/extensions/ops/transpose.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/transpose_test.py b/model-optimizer/extensions/ops/transpose_test.py index 367dbb1651bec9..dce4ec91fbf062 100644 --- a/model-optimizer/extensions/ops/transpose_test.py +++ b/model-optimizer/extensions/ops/transpose_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import itertools import unittest diff --git a/model-optimizer/extensions/ops/unique.py b/model-optimizer/extensions/ops/unique.py index 6d2ec0c66a34fd..139185bdcdf6c8 100644 --- a/model-optimizer/extensions/ops/unique.py +++ b/model-optimizer/extensions/ops/unique.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/extensions/ops/unique_test.py b/model-optimizer/extensions/ops/unique_test.py index 7200355003f71e..459bd2824f7ce6 100644 --- a/model-optimizer/extensions/ops/unique_test.py +++ b/model-optimizer/extensions/ops/unique_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/extensions/ops/upsample.py b/model-optimizer/extensions/ops/upsample.py index c1f44e959e2e55..d5a62d02193706 100644 --- a/model-optimizer/extensions/ops/upsample.py +++ b/model-optimizer/extensions/ops/upsample.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import math import numpy as np diff --git a/model-optimizer/extensions/ops/upsample_test.py b/model-optimizer/extensions/ops/upsample_test.py index f5fb33a99d9271..215c3c4cd688ae 100644 --- a/model-optimizer/extensions/ops/upsample_test.py +++ b/model-optimizer/extensions/ops/upsample_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo.py b/model-optimizer/mo.py index feb5ec7e6afb31..bc8fcf9daa9e36 100755 --- a/model-optimizer/mo.py +++ b/model-optimizer/mo.py @@ -1,20 +1,7 @@ #!/usr/bin/env python3 -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import sys diff --git a/model-optimizer/mo/__init__.py b/model-optimizer/mo/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/__init__.py +++ b/model-optimizer/mo/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/back/__init__.py b/model-optimizer/mo/back/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/back/__init__.py +++ b/model-optimizer/mo/back/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/back/ie_ir_ver_2/__init__.py b/model-optimizer/mo/back/ie_ir_ver_2/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/back/ie_ir_ver_2/__init__.py +++ b/model-optimizer/mo/back/ie_ir_ver_2/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/back/ie_ir_ver_2/emitter.py b/model-optimizer/mo/back/ie_ir_ver_2/emitter.py index 1b422ad6c5cd32..0a80a1f102d410 100644 --- a/model-optimizer/mo/back/ie_ir_ver_2/emitter.py +++ b/model-optimizer/mo/back/ie_ir_ver_2/emitter.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import hashlib from xml.etree.ElementTree import Element, SubElement, tostring diff --git a/model-optimizer/mo/back/ie_ir_ver_2/emitter_test.py b/model-optimizer/mo/back/ie_ir_ver_2/emitter_test.py index 21c612f70c6d86..239da8fe8e54d1 100644 --- a/model-optimizer/mo/back/ie_ir_ver_2/emitter_test.py +++ b/model-optimizer/mo/back/ie_ir_ver_2/emitter_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import MagicMock diff --git a/model-optimizer/mo/back/offline_transformations.py b/model-optimizer/mo/back/offline_transformations.py index 95f672ed08aa54..3cd3b5a438a9fb 100644 --- a/model-optimizer/mo/back/offline_transformations.py +++ b/model-optimizer/mo/back/offline_transformations.py @@ -1,21 +1,7 @@ #!/usr/bin/env python3 -""" - Copyright (C) 2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 if __name__ == "__main__": try: diff --git a/model-optimizer/mo/back/replacement.py b/model-optimizer/mo/back/replacement.py index 0fed8e3bb8cd57..472778bdf44106 100644 --- a/model-optimizer/mo/back/replacement.py +++ b/model-optimizer/mo/back/replacement.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.utils import class_registration from mo.utils.replacement_pattern import ReplacementPattern diff --git a/model-optimizer/mo/bom_test.py b/model-optimizer/mo/bom_test.py index 121c8458be9534..a9325edbaf58d6 100644 --- a/model-optimizer/mo/bom_test.py +++ b/model-optimizer/mo/bom_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import os import platform @@ -53,21 +40,8 @@ def setUpClass(cls): cls.existing_files = [name.rstrip() for name in bom_file.readlines()] cls.expected_header = [re.compile(pattern) for pattern in [ - '^"""$', - '^Copyright \([cC]\) [0-9\-]+ Intel Corporation$', - '^$', - '^Licensed under the Apache License, Version 2.0 \(the "License"\);$', - '^you may not use this file except in compliance with the License.$', - '^You may obtain a copy of the License at$', - '^$', - '^http://www.apache.org/licenses/LICENSE-2.0$', - '^$', - '^Unless required by applicable law or agreed to in writing, software$', - '^distributed under the License is distributed on an "AS IS" BASIS,$', - '^WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.$', - '^See the License for the specific language governing permissions and$', - '^limitations under the License.$', - '^"""$' + '^# Copyright \([cC]\) [0-9\-]+ Intel Corporation$', + '^# SPDX-License-Identifier: Apache-2.0$', ]] def test_bom_file(self): diff --git a/model-optimizer/mo/front/__init__.py b/model-optimizer/mo/front/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/front/__init__.py +++ b/model-optimizer/mo/front/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/front/caffe/__init__.py b/model-optimizer/mo/front/caffe/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/front/caffe/__init__.py +++ b/model-optimizer/mo/front/caffe/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/front/caffe/collect_attributes.py b/model-optimizer/mo/front/caffe/collect_attributes.py index a4d21483fdcb6c..cfd127e7e1d2f8 100644 --- a/model-optimizer/mo/front/caffe/collect_attributes.py +++ b/model-optimizer/mo/front/caffe/collect_attributes.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log diff --git a/model-optimizer/mo/front/caffe/custom_layers_mapping.py b/model-optimizer/mo/front/caffe/custom_layers_mapping.py index 3c0d59f1771adb..ca9805eb6177eb 100644 --- a/model-optimizer/mo/front/caffe/custom_layers_mapping.py +++ b/model-optimizer/mo/front/caffe/custom_layers_mapping.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from builtins import AttributeError diff --git a/model-optimizer/mo/front/caffe/custom_layers_mapping_test.py b/model-optimizer/mo/front/caffe/custom_layers_mapping_test.py index 006cf9faec8b00..e7c586018f7fe4 100644 --- a/model-optimizer/mo/front/caffe/custom_layers_mapping_test.py +++ b/model-optimizer/mo/front/caffe/custom_layers_mapping_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest from google.protobuf import text_format diff --git a/model-optimizer/mo/front/caffe/extractor.py b/model-optimizer/mo/front/caffe/extractor.py index 5570efd443206c..9be166bf174969 100644 --- a/model-optimizer/mo/front/caffe/extractor.py +++ b/model-optimizer/mo/front/caffe/extractor.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.caffe.extractors.native_caffe import native_caffe_node_extractor from mo.front.common.partial_infer.elemental import copy_shape_infer diff --git a/model-optimizer/mo/front/caffe/extractor_test.py b/model-optimizer/mo/front/caffe/extractor_test.py index c4960ab10afc26..23bff3237dcdef 100644 --- a/model-optimizer/mo/front/caffe/extractor_test.py +++ b/model-optimizer/mo/front/caffe/extractor_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/mo/front/caffe/extractors/__init__.py b/model-optimizer/mo/front/caffe/extractors/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/front/caffe/extractors/__init__.py +++ b/model-optimizer/mo/front/caffe/extractors/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/front/caffe/extractors/native_caffe.py b/model-optimizer/mo/front/caffe/extractors/native_caffe.py index 2d5e41f56a4658..698c1debc7065c 100644 --- a/model-optimizer/mo/front/caffe/extractors/native_caffe.py +++ b/model-optimizer/mo/front/caffe/extractors/native_caffe.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/mo/front/caffe/extractors/tile.py b/model-optimizer/mo/front/caffe/extractors/tile.py index 9f0189e169c6c2..1cb3bfa4751646 100644 --- a/model-optimizer/mo/front/caffe/extractors/tile.py +++ b/model-optimizer/mo/front/caffe/extractors/tile.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.caffe.collect_attributes import merge_attrs from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/mo/front/caffe/extractors/utils.py b/model-optimizer/mo/front/caffe/extractors/utils.py index 7d965b3ea3e51a..a8daab12613a20 100644 --- a/model-optimizer/mo/front/caffe/extractors/utils.py +++ b/model-optimizer/mo/front/caffe/extractors/utils.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/caffe/extractors/utils_test.py b/model-optimizer/mo/front/caffe/extractors/utils_test.py index aa6a3573eb7202..fe420f267b20ff 100644 --- a/model-optimizer/mo/front/caffe/extractors/utils_test.py +++ b/model-optimizer/mo/front/caffe/extractors/utils_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch, call diff --git a/model-optimizer/mo/front/caffe/loader.py b/model-optimizer/mo/front/caffe/loader.py index 991b67ccf0ac55..8419acc8d9d718 100644 --- a/model-optimizer/mo/front/caffe/loader.py +++ b/model-optimizer/mo/front/caffe/loader.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import importlib import logging as log diff --git a/model-optimizer/mo/front/caffe/loader_test.py b/model-optimizer/mo/front/caffe/loader_test.py index 1f8f9bae8bb904..1c80f7985a3c0c 100644 --- a/model-optimizer/mo/front/caffe/loader_test.py +++ b/model-optimizer/mo/front/caffe/loader_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/front/caffe/proto/__init__.py b/model-optimizer/mo/front/caffe/proto/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/front/caffe/proto/__init__.py +++ b/model-optimizer/mo/front/caffe/proto/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/front/caffe/proto/generate_caffe_pb2.py b/model-optimizer/mo/front/caffe/proto/generate_caffe_pb2.py index 1b4d28f7b7af7e..dfb3c14c3f8fa9 100644 --- a/model-optimizer/mo/front/caffe/proto/generate_caffe_pb2.py +++ b/model-optimizer/mo/front/caffe/proto/generate_caffe_pb2.py @@ -1,19 +1,6 @@ -# !/usr/bin/env python -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import argparse import os import shutil diff --git a/model-optimizer/mo/front/caffe/python_layer_extractor.py b/model-optimizer/mo/front/caffe/python_layer_extractor.py index 3465ac9937346b..a2c64de007fd2a 100644 --- a/model-optimizer/mo/front/caffe/python_layer_extractor.py +++ b/model-optimizer/mo/front/caffe/python_layer_extractor.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.extractor import FrontExtractorOp, CaffePythonFrontExtractorOp diff --git a/model-optimizer/mo/front/caffe/python_layer_extractor_test.py b/model-optimizer/mo/front/caffe/python_layer_extractor_test.py index fb9510179e5554..78afb932afd647 100644 --- a/model-optimizer/mo/front/caffe/python_layer_extractor_test.py +++ b/model-optimizer/mo/front/caffe/python_layer_extractor_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/front/caffe/register_custom_ops.py b/model-optimizer/mo/front/caffe/register_custom_ops.py index e261e8d603330d..8af5a405973af8 100644 --- a/model-optimizer/mo/front/caffe/register_custom_ops.py +++ b/model-optimizer/mo/front/caffe/register_custom_ops.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.replacement import FrontReplacementOp, FrontReplacementPattern, FrontReplacementSubgraph from mo.front.extractor import FrontExtractorOp, CaffePythonFrontExtractorOp diff --git a/model-optimizer/mo/front/common/__init__.py b/model-optimizer/mo/front/common/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/front/common/__init__.py +++ b/model-optimizer/mo/front/common/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/front/common/custom_replacement_registry.py b/model-optimizer/mo/front/common/custom_replacement_registry.py index a41d97976c764c..7dd62d43785aba 100644 --- a/model-optimizer/mo/front/common/custom_replacement_registry.py +++ b/model-optimizer/mo/front/common/custom_replacement_registry.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log import os diff --git a/model-optimizer/mo/front/common/extractors/utils.py b/model-optimizer/mo/front/common/extractors/utils.py index 488f6a0fb6bdc0..b03dab621e1566 100644 --- a/model-optimizer/mo/front/common/extractors/utils.py +++ b/model-optimizer/mo/front/common/extractors/utils.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/common/find_unsupported_ops.py b/model-optimizer/mo/front/common/find_unsupported_ops.py index b8fb5c7c494c12..e2fa333e70af9f 100644 --- a/model-optimizer/mo/front/common/find_unsupported_ops.py +++ b/model-optimizer/mo/front/common/find_unsupported_ops.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/mo/front/common/layout.py b/model-optimizer/mo/front/common/layout.py index 27aa37adeb2dc4..cfa9c1038d12b3 100644 --- a/model-optimizer/mo/front/common/layout.py +++ b/model-optimizer/mo/front/common/layout.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/common/layout_test.py b/model-optimizer/mo/front/common/layout_test.py index 175b268ebd09e1..e69ac383427b4b 100644 --- a/model-optimizer/mo/front/common/layout_test.py +++ b/model-optimizer/mo/front/common/layout_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/front/common/partial_infer/__init__.py b/model-optimizer/mo/front/common/partial_infer/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/front/common/partial_infer/__init__.py +++ b/model-optimizer/mo/front/common/partial_infer/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/front/common/partial_infer/batch_norm.py b/model-optimizer/mo/front/common/partial_infer/batch_norm.py index 12c24eec7a4fdb..6e177545393b0f 100644 --- a/model-optimizer/mo/front/common/partial_infer/batch_norm.py +++ b/model-optimizer/mo/front/common/partial_infer/batch_norm.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/common/partial_infer/caffe_fallback.py b/model-optimizer/mo/front/common/partial_infer/caffe_fallback.py index 7e5857cbd34982..856a53835dece6 100644 --- a/model-optimizer/mo/front/common/partial_infer/caffe_fallback.py +++ b/model-optimizer/mo/front/common/partial_infer/caffe_fallback.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log import os diff --git a/model-optimizer/mo/front/common/partial_infer/caffe_fallback_test.py b/model-optimizer/mo/front/common/partial_infer/caffe_fallback_test.py index 57d54f85985045..a1a9646e5488ea 100644 --- a/model-optimizer/mo/front/common/partial_infer/caffe_fallback_test.py +++ b/model-optimizer/mo/front/common/partial_infer/caffe_fallback_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import MagicMock diff --git a/model-optimizer/mo/front/common/partial_infer/concat.py b/model-optimizer/mo/front/common/partial_infer/concat.py index bf6e08d9daa51e..47bfd4ba51eed3 100644 --- a/model-optimizer/mo/front/common/partial_infer/concat.py +++ b/model-optimizer/mo/front/common/partial_infer/concat.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/mo/front/common/partial_infer/concat_test.py b/model-optimizer/mo/front/common/partial_infer/concat_test.py index c816972f8a05a9..4caa598ef43bd0 100644 --- a/model-optimizer/mo/front/common/partial_infer/concat_test.py +++ b/model-optimizer/mo/front/common/partial_infer/concat_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/front/common/partial_infer/crop.py b/model-optimizer/mo/front/common/partial_infer/crop.py index 7cb98b4aa03412..d60703a5f4272f 100644 --- a/model-optimizer/mo/front/common/partial_infer/crop.py +++ b/model-optimizer/mo/front/common/partial_infer/crop.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/mo/front/common/partial_infer/crop_test.py b/model-optimizer/mo/front/common/partial_infer/crop_test.py index f17ec41cb7d151..4f7f902aff0d7a 100644 --- a/model-optimizer/mo/front/common/partial_infer/crop_test.py +++ b/model-optimizer/mo/front/common/partial_infer/crop_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/front/common/partial_infer/elemental.py b/model-optimizer/mo/front/common/partial_infer/elemental.py index c331f35940bdf4..e1459b258244a4 100644 --- a/model-optimizer/mo/front/common/partial_infer/elemental.py +++ b/model-optimizer/mo/front/common/partial_infer/elemental.py @@ -1,19 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 def single_output_infer(node, shape_infer, value_infer=None): node.out_node(0).shape = shape_infer(node) diff --git a/model-optimizer/mo/front/common/partial_infer/elemental_test.py b/model-optimizer/mo/front/common/partial_infer/elemental_test.py index 0d24d0d00fa8d6..9a362d7617ce21 100644 --- a/model-optimizer/mo/front/common/partial_infer/elemental_test.py +++ b/model-optimizer/mo/front/common/partial_infer/elemental_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/mo/front/common/partial_infer/eltwise.py b/model-optimizer/mo/front/common/partial_infer/eltwise.py index a714f1fe40eb4b..47b40eb857ec93 100644 --- a/model-optimizer/mo/front/common/partial_infer/eltwise.py +++ b/model-optimizer/mo/front/common/partial_infer/eltwise.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/common/partial_infer/eltwise_test.py b/model-optimizer/mo/front/common/partial_infer/eltwise_test.py index ad22a3a6edcb03..755509b8ec50bc 100644 --- a/model-optimizer/mo/front/common/partial_infer/eltwise_test.py +++ b/model-optimizer/mo/front/common/partial_infer/eltwise_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/front/common/partial_infer/multi_box_detection.py b/model-optimizer/mo/front/common/partial_infer/multi_box_detection.py index a1f212b354236e..a02dc637fd0b0a 100644 --- a/model-optimizer/mo/front/common/partial_infer/multi_box_detection.py +++ b/model-optimizer/mo/front/common/partial_infer/multi_box_detection.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/mo/front/common/partial_infer/multi_box_detection_test.py b/model-optimizer/mo/front/common/partial_infer/multi_box_detection_test.py index 526d755cf5e92a..b96e1b0274485c 100644 --- a/model-optimizer/mo/front/common/partial_infer/multi_box_detection_test.py +++ b/model-optimizer/mo/front/common/partial_infer/multi_box_detection_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/front/common/partial_infer/multi_box_prior.py b/model-optimizer/mo/front/common/partial_infer/multi_box_prior.py index 5642bb06fa57bf..a731362fe0f538 100644 --- a/model-optimizer/mo/front/common/partial_infer/multi_box_prior.py +++ b/model-optimizer/mo/front/common/partial_infer/multi_box_prior.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/common/partial_infer/multi_box_prior_test.py b/model-optimizer/mo/front/common/partial_infer/multi_box_prior_test.py index ab2d00e90fa006..10adde2eababd6 100644 --- a/model-optimizer/mo/front/common/partial_infer/multi_box_prior_test.py +++ b/model-optimizer/mo/front/common/partial_infer/multi_box_prior_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/front/common/partial_infer/random_uniform.py b/model-optimizer/mo/front/common/partial_infer/random_uniform.py index 7e6aaab8d1952f..b31d71ed328551 100644 --- a/model-optimizer/mo/front/common/partial_infer/random_uniform.py +++ b/model-optimizer/mo/front/common/partial_infer/random_uniform.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np diff --git a/model-optimizer/mo/front/common/partial_infer/reshape.py b/model-optimizer/mo/front/common/partial_infer/reshape.py index fd52dd7c9c4240..f93f160b88b538 100644 --- a/model-optimizer/mo/front/common/partial_infer/reshape.py +++ b/model-optimizer/mo/front/common/partial_infer/reshape.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import int64_array from mo.graph.perm_inputs import PermuteInputs diff --git a/model-optimizer/mo/front/common/partial_infer/roipooling.py b/model-optimizer/mo/front/common/partial_infer/roipooling.py index 3fee2f820abbf1..2b5f35e948565d 100644 --- a/model-optimizer/mo/front/common/partial_infer/roipooling.py +++ b/model-optimizer/mo/front/common/partial_infer/roipooling.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/mo/front/common/partial_infer/roipooling_test.py b/model-optimizer/mo/front/common/partial_infer/roipooling_test.py index c446904ad10110..fc21b6c32efc0f 100644 --- a/model-optimizer/mo/front/common/partial_infer/roipooling_test.py +++ b/model-optimizer/mo/front/common/partial_infer/roipooling_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/front/common/partial_infer/utils.py b/model-optimizer/mo/front/common/partial_infer/utils.py index c367610815db7b..cb3c96652ac023 100644 --- a/model-optimizer/mo/front/common/partial_infer/utils.py +++ b/model-optimizer/mo/front/common/partial_infer/utils.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log from typing import Iterable, List, Union diff --git a/model-optimizer/mo/front/common/register_custom_ops.py b/model-optimizer/mo/front/common/register_custom_ops.py index ec3b35d5647478..a1d30193e63e1d 100644 --- a/model-optimizer/mo/front/common/register_custom_ops.py +++ b/model-optimizer/mo/front/common/register_custom_ops.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log from collections import defaultdict diff --git a/model-optimizer/mo/front/common/replacement.py b/model-optimizer/mo/front/common/replacement.py index d1c1aea2b94f15..a73dae34f9eab1 100644 --- a/model-optimizer/mo/front/common/replacement.py +++ b/model-optimizer/mo/front/common/replacement.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2017-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from mo.front.subgraph_matcher import SubgraphMatch diff --git a/model-optimizer/mo/front/common/weights.py b/model-optimizer/mo/front/common/weights.py index 6f3562462e5942..abff90f28adbce 100644 --- a/model-optimizer/mo/front/common/weights.py +++ b/model-optimizer/mo/front/common/weights.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.utils.graph import Graph diff --git a/model-optimizer/mo/front/extractor.py b/model-optimizer/mo/front/extractor.py index 1597de23244b5a..c5f7cd4742461a 100644 --- a/model-optimizer/mo/front/extractor.py +++ b/model-optimizer/mo/front/extractor.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import ast import logging as log import re diff --git a/model-optimizer/mo/front/extractor_test.py b/model-optimizer/mo/front/extractor_test.py index 0950ddc9e963df..463d344d991f75 100644 --- a/model-optimizer/mo/front/extractor_test.py +++ b/model-optimizer/mo/front/extractor_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/front/kaldi/__init__.py b/model-optimizer/mo/front/kaldi/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/front/kaldi/__init__.py +++ b/model-optimizer/mo/front/kaldi/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/front/kaldi/extractor.py b/model-optimizer/mo/front/kaldi/extractor.py index e8822e757ac821..995597d9317f38 100644 --- a/model-optimizer/mo/front/kaldi/extractor.py +++ b/model-optimizer/mo/front/kaldi/extractor.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Node diff --git a/model-optimizer/mo/front/kaldi/extractors/__init__.py b/model-optimizer/mo/front/kaldi/extractors/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/front/kaldi/extractors/__init__.py +++ b/model-optimizer/mo/front/kaldi/extractors/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/front/kaldi/extractors/add_ext.py b/model-optimizer/mo/front/kaldi/extractors/add_ext.py index 9ce86423f4a2d8..daf9b244058659 100644 --- a/model-optimizer/mo/front/kaldi/extractors/add_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/add_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.elementwise import Add from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/mo/front/kaldi/extractors/add_shift_ext.py b/model-optimizer/mo/front/kaldi/extractors/add_shift_ext.py index c0ebec4bb1c6fb..5ee5b9cc8ce058 100644 --- a/model-optimizer/mo/front/kaldi/extractors/add_shift_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/add_shift_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.front.caffe.extractors.utils import embed_input diff --git a/model-optimizer/mo/front/kaldi/extractors/add_shift_ext_test.py b/model-optimizer/mo/front/kaldi/extractors/add_shift_ext_test.py index 4f6529b775cd16..8e58a1095fd8e0 100644 --- a/model-optimizer/mo/front/kaldi/extractors/add_shift_ext_test.py +++ b/model-optimizer/mo/front/kaldi/extractors/add_shift_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/kaldi/extractors/affine_component_ext.py b/model-optimizer/mo/front/kaldi/extractors/affine_component_ext.py index 479c89f88a2757..d0807d0883d28c 100644 --- a/model-optimizer/mo/front/kaldi/extractors/affine_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/affine_component_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.extractor import FrontExtractorOp from mo.front.kaldi.extractors.fixed_affine_component_ext import FixedAffineComponentFrontExtractor from mo.front.kaldi.utils import read_learning_info diff --git a/model-optimizer/mo/front/kaldi/extractors/affine_component_ext_test.py b/model-optimizer/mo/front/kaldi/extractors/affine_component_ext_test.py index 292323927b60db..032d22c954dff9 100644 --- a/model-optimizer/mo/front/kaldi/extractors/affine_component_ext_test.py +++ b/model-optimizer/mo/front/kaldi/extractors/affine_component_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/kaldi/extractors/affine_component_preconditioned_online_ext.py b/model-optimizer/mo/front/kaldi/extractors/affine_component_preconditioned_online_ext.py index 2a550de64fa0b7..4f6239cc651e45 100644 --- a/model-optimizer/mo/front/kaldi/extractors/affine_component_preconditioned_online_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/affine_component_preconditioned_online_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.extractor import FrontExtractorOp from mo.front.kaldi.extractors.fixed_affine_component_ext import FixedAffineComponentFrontExtractor from mo.front.kaldi.utils import read_learning_info diff --git a/model-optimizer/mo/front/kaldi/extractors/affine_transform_ext.py b/model-optimizer/mo/front/kaldi/extractors/affine_transform_ext.py index 2d58fb79b08690..bbc9b41a3d3e7f 100644 --- a/model-optimizer/mo/front/kaldi/extractors/affine_transform_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/affine_transform_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.MatMul import FullyConnected from mo.front.caffe.extractors.utils import embed_input from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/mo/front/kaldi/extractors/affine_transform_ext_test.py b/model-optimizer/mo/front/kaldi/extractors/affine_transform_ext_test.py index 71bfbb917670f6..8c2cb06e955df5 100644 --- a/model-optimizer/mo/front/kaldi/extractors/affine_transform_ext_test.py +++ b/model-optimizer/mo/front/kaldi/extractors/affine_transform_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/kaldi/extractors/backproptruncation_ext.py b/model-optimizer/mo/front/kaldi/extractors/backproptruncation_ext.py index a63859d846062a..84f4365918420c 100644 --- a/model-optimizer/mo/front/kaldi/extractors/backproptruncation_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/backproptruncation_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.front.caffe.extractors.utils import embed_input diff --git a/model-optimizer/mo/front/kaldi/extractors/batchnorm_component_ext.py b/model-optimizer/mo/front/kaldi/extractors/batchnorm_component_ext.py index f6dd7d664d89b2..cc0fba3daf5770 100644 --- a/model-optimizer/mo/front/kaldi/extractors/batchnorm_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/batchnorm_component_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/kaldi/extractors/batchnorm_component_ext_test.py b/model-optimizer/mo/front/kaldi/extractors/batchnorm_component_ext_test.py index cf99c9458ba664..380bdd341cf779 100644 --- a/model-optimizer/mo/front/kaldi/extractors/batchnorm_component_ext_test.py +++ b/model-optimizer/mo/front/kaldi/extractors/batchnorm_component_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/kaldi/extractors/bias_component_ext.py b/model-optimizer/mo/front/kaldi/extractors/bias_component_ext.py index 7182d8cd682fd5..dbd46063306e13 100644 --- a/model-optimizer/mo/front/kaldi/extractors/bias_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/bias_component_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.caffe.extractors.utils import embed_input from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/mo/front/kaldi/extractors/bias_component_ext_test.py b/model-optimizer/mo/front/kaldi/extractors/bias_component_ext_test.py index 8a94acef43caea..c604dc75033a14 100644 --- a/model-optimizer/mo/front/kaldi/extractors/bias_component_ext_test.py +++ b/model-optimizer/mo/front/kaldi/extractors/bias_component_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/kaldi/extractors/clip_ext.py b/model-optimizer/mo/front/kaldi/extractors/clip_ext.py index c80e7b6f4e3005..17de251127e444 100644 --- a/model-optimizer/mo/front/kaldi/extractors/clip_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/clip_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.identity import Identity from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/mo/front/kaldi/extractors/common_ext_test.py b/model-optimizer/mo/front/kaldi/extractors/common_ext_test.py index 9761002db96064..188b755e38b12d 100644 --- a/model-optimizer/mo/front/kaldi/extractors/common_ext_test.py +++ b/model-optimizer/mo/front/kaldi/extractors/common_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/front/kaldi/extractors/concat_ext.py b/model-optimizer/mo/front/kaldi/extractors/concat_ext.py index dc31572b53e90d..a8a3dbbf6ba6d5 100644 --- a/model-optimizer/mo/front/kaldi/extractors/concat_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/concat_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.ops.concat import Concat diff --git a/model-optimizer/mo/front/kaldi/extractors/concat_ext_test.py b/model-optimizer/mo/front/kaldi/extractors/concat_ext_test.py index 950e85b14abdb3..52ce5fca2478c8 100644 --- a/model-optimizer/mo/front/kaldi/extractors/concat_ext_test.py +++ b/model-optimizer/mo/front/kaldi/extractors/concat_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.kaldi.extractors.common_ext_test import KaldiFrontExtractorTest from mo.front.kaldi.extractors.concat_ext import ConcatFrontExtractor diff --git a/model-optimizer/mo/front/kaldi/extractors/const_ext.py b/model-optimizer/mo/front/kaldi/extractors/const_ext.py index 336d96e244be8b..73fe04e3337d28 100644 --- a/model-optimizer/mo/front/kaldi/extractors/const_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/const_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.ops.const import Const diff --git a/model-optimizer/mo/front/kaldi/extractors/convolutional_1d_component_ext.py b/model-optimizer/mo/front/kaldi/extractors/convolutional_1d_component_ext.py index cac5ecb8381649..28f53d5960800d 100644 --- a/model-optimizer/mo/front/kaldi/extractors/convolutional_1d_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/convolutional_1d_component_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.front.caffe.extractors.utils import embed_input diff --git a/model-optimizer/mo/front/kaldi/extractors/convolutional_component_ext.py b/model-optimizer/mo/front/kaldi/extractors/convolutional_component_ext.py index 6abc20b94bc45d..8344c39a3d99ae 100644 --- a/model-optimizer/mo/front/kaldi/extractors/convolutional_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/convolutional_component_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.front.caffe.extractors.utils import embed_input diff --git a/model-optimizer/mo/front/kaldi/extractors/convolutional_component_ext_test.py b/model-optimizer/mo/front/kaldi/extractors/convolutional_component_ext_test.py index a348ef456c4c3b..5bc1e5763d72b7 100644 --- a/model-optimizer/mo/front/kaldi/extractors/convolutional_component_ext_test.py +++ b/model-optimizer/mo/front/kaldi/extractors/convolutional_component_ext_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.front.kaldi.extractors.common_ext_test import KaldiFrontExtractorTest diff --git a/model-optimizer/mo/front/kaldi/extractors/copy_ext.py b/model-optimizer/mo/front/kaldi/extractors/copy_ext.py index 78bfedda0ab687..33179b16186b18 100644 --- a/model-optimizer/mo/front/kaldi/extractors/copy_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/copy_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/kaldi/extractors/crop_ext.py b/model-optimizer/mo/front/kaldi/extractors/crop_ext.py index 44701805cbfe5a..6dc05fd0fa1e7c 100644 --- a/model-optimizer/mo/front/kaldi/extractors/crop_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/crop_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.extractor import FrontExtractorOp from mo.ops.crop import Crop diff --git a/model-optimizer/mo/front/kaldi/extractors/elementwise_component_ext.py b/model-optimizer/mo/front/kaldi/extractors/elementwise_component_ext.py index 929d1e40dceefc..7c6033320ef7e4 100644 --- a/model-optimizer/mo/front/kaldi/extractors/elementwise_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/elementwise_component_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.extractor import FrontExtractorOp from mo.front.kaldi.utils import read_token_value from mo.ops.eltwise_ninputs_in_1 import EltwiseNin1 diff --git a/model-optimizer/mo/front/kaldi/extractors/fixed_affine_component_ext.py b/model-optimizer/mo/front/kaldi/extractors/fixed_affine_component_ext.py index 1ac421753a6fe9..7053f02efe5c03 100644 --- a/model-optimizer/mo/front/kaldi/extractors/fixed_affine_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/fixed_affine_component_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.MatMul import FullyConnected from mo.front.caffe.extractors.utils import embed_input diff --git a/model-optimizer/mo/front/kaldi/extractors/fixed_affine_component_ext_test.py b/model-optimizer/mo/front/kaldi/extractors/fixed_affine_component_ext_test.py index 310a58fe3bbea2..ec2dac8080d976 100644 --- a/model-optimizer/mo/front/kaldi/extractors/fixed_affine_component_ext_test.py +++ b/model-optimizer/mo/front/kaldi/extractors/fixed_affine_component_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/kaldi/extractors/generaldropout_ext.py b/model-optimizer/mo/front/kaldi/extractors/generaldropout_ext.py index 1b7003a49115a0..968cd7dd9d1864 100644 --- a/model-optimizer/mo/front/kaldi/extractors/generaldropout_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/generaldropout_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.front.kaldi.loader.utils import read_binary_integer32_token, collect_until_token, \ diff --git a/model-optimizer/mo/front/kaldi/extractors/linear_component_ext.py b/model-optimizer/mo/front/kaldi/extractors/linear_component_ext.py index ba7b2110364394..1b3b4462b7a903 100644 --- a/model-optimizer/mo/front/kaldi/extractors/linear_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/linear_component_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.MatMul import FullyConnected from mo.front.caffe.extractors.utils import embed_input diff --git a/model-optimizer/mo/front/kaldi/extractors/lstm_nonlinearity_ext.py b/model-optimizer/mo/front/kaldi/extractors/lstm_nonlinearity_ext.py index 10cd920ce569de..bbd8f5bfadb9c8 100644 --- a/model-optimizer/mo/front/kaldi/extractors/lstm_nonlinearity_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/lstm_nonlinearity_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.caffe.extractors.utils import embed_input from mo.front.extractor import FrontExtractorOp from mo.front.kaldi.loader.utils import collect_until_token diff --git a/model-optimizer/mo/front/kaldi/extractors/lstm_projected_streams_ext.py b/model-optimizer/mo/front/kaldi/extractors/lstm_projected_streams_ext.py index af5a0a3ff54e35..afd36da910df33 100644 --- a/model-optimizer/mo/front/kaldi/extractors/lstm_projected_streams_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/lstm_projected_streams_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.lstm_cell import LSTMCell from mo.front.caffe.extractors.utils import embed_input from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/mo/front/kaldi/extractors/max_pooling_ext.py b/model-optimizer/mo/front/kaldi/extractors/max_pooling_ext.py index e8846639444afc..bd9e3c4bf9c18f 100644 --- a/model-optimizer/mo/front/kaldi/extractors/max_pooling_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/max_pooling_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.front.common.extractors.utils import layout_attrs diff --git a/model-optimizer/mo/front/kaldi/extractors/max_pooling_ext_test.py b/model-optimizer/mo/front/kaldi/extractors/max_pooling_ext_test.py index 8715cd7b90a13b..a139ad330f02c0 100644 --- a/model-optimizer/mo/front/kaldi/extractors/max_pooling_ext_test.py +++ b/model-optimizer/mo/front/kaldi/extractors/max_pooling_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.kaldi.extractors.common_ext_test import KaldiFrontExtractorTest diff --git a/model-optimizer/mo/front/kaldi/extractors/memoryoffset_ext.py b/model-optimizer/mo/front/kaldi/extractors/memoryoffset_ext.py index 21c0bf0436f3f2..7b9da034eb17d8 100644 --- a/model-optimizer/mo/front/kaldi/extractors/memoryoffset_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/memoryoffset_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.extractor import FrontExtractorOp from mo.ops.memoryoffset import MemoryOffset diff --git a/model-optimizer/mo/front/kaldi/extractors/memoryoffset_ext_test.py b/model-optimizer/mo/front/kaldi/extractors/memoryoffset_ext_test.py index 302446216b83ed..a95ea9b4773389 100644 --- a/model-optimizer/mo/front/kaldi/extractors/memoryoffset_ext_test.py +++ b/model-optimizer/mo/front/kaldi/extractors/memoryoffset_ext_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.kaldi.extractors.common_ext_test import KaldiFrontExtractorTest from mo.front.kaldi.extractors.memoryoffset_ext import MemoryOffsetFrontExtractor from mo.ops.memoryoffset import MemoryOffset diff --git a/model-optimizer/mo/front/kaldi/extractors/mul_ext.py b/model-optimizer/mo/front/kaldi/extractors/mul_ext.py index 42b24a41dbfcb0..0b795c081269a2 100644 --- a/model-optimizer/mo/front/kaldi/extractors/mul_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/mul_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.elementwise import Mul from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/mo/front/kaldi/extractors/naturalgradient_affine_component_ext.py b/model-optimizer/mo/front/kaldi/extractors/naturalgradient_affine_component_ext.py index a5e6b4f8aa80da..4cf626c3a6c5c7 100644 --- a/model-optimizer/mo/front/kaldi/extractors/naturalgradient_affine_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/naturalgradient_affine_component_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.extractor import FrontExtractorOp from mo.front.kaldi.extractors.fixed_affine_component_ext import FixedAffineComponentFrontExtractor from mo.front.kaldi.utils import read_learning_info diff --git a/model-optimizer/mo/front/kaldi/extractors/noop_ext.py b/model-optimizer/mo/front/kaldi/extractors/noop_ext.py index c17193720039e8..1e898481b01410 100644 --- a/model-optimizer/mo/front/kaldi/extractors/noop_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/noop_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from extensions.ops.identity import Identity from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/mo/front/kaldi/extractors/normalize_component_ext.py b/model-optimizer/mo/front/kaldi/extractors/normalize_component_ext.py index 16c424a667f19f..077b8a094251e3 100644 --- a/model-optimizer/mo/front/kaldi/extractors/normalize_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/normalize_component_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/kaldi/extractors/normalize_component_ext_test.py b/model-optimizer/mo/front/kaldi/extractors/normalize_component_ext_test.py index 214382bc65dae2..8f2732d9a32923 100644 --- a/model-optimizer/mo/front/kaldi/extractors/normalize_component_ext_test.py +++ b/model-optimizer/mo/front/kaldi/extractors/normalize_component_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/kaldi/extractors/pnorm_component_ext.py b/model-optimizer/mo/front/kaldi/extractors/pnorm_component_ext.py index bd77404550178b..349e53224fdd69 100644 --- a/model-optimizer/mo/front/kaldi/extractors/pnorm_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/pnorm_component_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.pnorm import PNormOp from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/mo/front/kaldi/extractors/pnorm_component_ext_test.py b/model-optimizer/mo/front/kaldi/extractors/pnorm_component_ext_test.py index 92d2be83a19a34..2abcda4491e450 100644 --- a/model-optimizer/mo/front/kaldi/extractors/pnorm_component_ext_test.py +++ b/model-optimizer/mo/front/kaldi/extractors/pnorm_component_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/kaldi/extractors/rectified_linear_component_ext.py b/model-optimizer/mo/front/kaldi/extractors/rectified_linear_component_ext.py index bd48c9833ceb6e..d06ba0bcee2d6a 100644 --- a/model-optimizer/mo/front/kaldi/extractors/rectified_linear_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/rectified_linear_component_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.activation_ops import ReLU from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/mo/front/kaldi/extractors/rescale_ext.py b/model-optimizer/mo/front/kaldi/extractors/rescale_ext.py index 1e06cfc4630dba..69c2726c9f655b 100644 --- a/model-optimizer/mo/front/kaldi/extractors/rescale_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/rescale_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.caffe.extractors.utils import embed_input from mo.front.extractor import FrontExtractorOp from mo.front.kaldi.utils import read_binary_vector, read_learning_info diff --git a/model-optimizer/mo/front/kaldi/extractors/rescale_ext_test.py b/model-optimizer/mo/front/kaldi/extractors/rescale_ext_test.py index bdb470a77831e3..28edd99b9ddf6d 100644 --- a/model-optimizer/mo/front/kaldi/extractors/rescale_ext_test.py +++ b/model-optimizer/mo/front/kaldi/extractors/rescale_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/kaldi/extractors/scale_component_ext.py b/model-optimizer/mo/front/kaldi/extractors/scale_component_ext.py index 4b17ada19a8119..d02ccba0eb31c3 100644 --- a/model-optimizer/mo/front/kaldi/extractors/scale_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/scale_component_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.caffe.extractors.utils import embed_input from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/mo/front/kaldi/extractors/scale_component_ext_test.py b/model-optimizer/mo/front/kaldi/extractors/scale_component_ext_test.py index 34354aecaf35d3..eb7b022c8f6e70 100644 --- a/model-optimizer/mo/front/kaldi/extractors/scale_component_ext_test.py +++ b/model-optimizer/mo/front/kaldi/extractors/scale_component_ext_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/kaldi/extractors/softmax_ext.py b/model-optimizer/mo/front/kaldi/extractors/softmax_ext.py index 398d9df66d1822..a48e81ad6c2c28 100644 --- a/model-optimizer/mo/front/kaldi/extractors/softmax_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/softmax_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.partial_infer.elemental import copy_shape_infer from mo.front.extractor import FrontExtractorOp from mo.ops.softmax import Softmax diff --git a/model-optimizer/mo/front/kaldi/extractors/specaugment_component_ext.py b/model-optimizer/mo/front/kaldi/extractors/specaugment_component_ext.py index 8f4c6a087121c9..fb80cbb4215923 100644 --- a/model-optimizer/mo/front/kaldi/extractors/specaugment_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/specaugment_component_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.identity import Identity from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/mo/front/kaldi/extractors/splice_component_ext.py b/model-optimizer/mo/front/kaldi/extractors/splice_component_ext.py index 5202bdd1557c07..7b4b5352d2c5b2 100644 --- a/model-optimizer/mo/front/kaldi/extractors/splice_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/splice_component_ext.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from extensions.ops.splice import Splice diff --git a/model-optimizer/mo/front/kaldi/extractors/tdnncomponent_ext.py b/model-optimizer/mo/front/kaldi/extractors/tdnncomponent_ext.py index 5e7ca13bcb9afc..375464c3031976 100644 --- a/model-optimizer/mo/front/kaldi/extractors/tdnncomponent_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/tdnncomponent_ext.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/kaldi/loader/__init__.py b/model-optimizer/mo/front/kaldi/loader/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/front/kaldi/loader/__init__.py +++ b/model-optimizer/mo/front/kaldi/loader/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/front/kaldi/loader/loader.py b/model-optimizer/mo/front/kaldi/loader/loader.py index 2d882daeedca8a..ff07e9e24af71c 100644 --- a/model-optimizer/mo/front/kaldi/loader/loader.py +++ b/model-optimizer/mo/front/kaldi/loader/loader.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log from io import IOBase diff --git a/model-optimizer/mo/front/kaldi/loader/loader_test.py b/model-optimizer/mo/front/kaldi/loader/loader_test.py index cbd29f8f6df6f3..43b20f2ea36238 100644 --- a/model-optimizer/mo/front/kaldi/loader/loader_test.py +++ b/model-optimizer/mo/front/kaldi/loader/loader_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import io import struct import unittest diff --git a/model-optimizer/mo/front/kaldi/loader/utils.py b/model-optimizer/mo/front/kaldi/loader/utils.py index ef686221a432f2..5c9c0087a885e9 100644 --- a/model-optimizer/mo/front/kaldi/loader/utils.py +++ b/model-optimizer/mo/front/kaldi/loader/utils.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import io import os diff --git a/model-optimizer/mo/front/kaldi/loader/utils_test.py b/model-optimizer/mo/front/kaldi/loader/utils_test.py index 2b71dc82f538f6..e35fcdbf8da012 100644 --- a/model-optimizer/mo/front/kaldi/loader/utils_test.py +++ b/model-optimizer/mo/front/kaldi/loader/utils_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import io import struct diff --git a/model-optimizer/mo/front/kaldi/register_custom_ops.py b/model-optimizer/mo/front/kaldi/register_custom_ops.py index f2619ef8834327..33280836b46243 100644 --- a/model-optimizer/mo/front/kaldi/register_custom_ops.py +++ b/model-optimizer/mo/front/kaldi/register_custom_ops.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.replacement import FrontReplacementOp, FrontReplacementSubgraph, FrontReplacementPattern from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/mo/front/kaldi/utils.py b/model-optimizer/mo/front/kaldi/utils.py index 7d209619ae9687..bd64473fd4caf7 100644 --- a/model-optimizer/mo/front/kaldi/utils.py +++ b/model-optimizer/mo/front/kaldi/utils.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import io import logging as log import os diff --git a/model-optimizer/mo/front/mxnet/__init__.py b/model-optimizer/mo/front/mxnet/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/front/mxnet/__init__.py +++ b/model-optimizer/mo/front/mxnet/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/front/mxnet/extractor.py b/model-optimizer/mo/front/mxnet/extractor.py index 44d976c6c3223f..6dce1172a53a8c 100644 --- a/model-optimizer/mo/front/mxnet/extractor.py +++ b/model-optimizer/mo/front/mxnet/extractor.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.mxnet.extractors.batchnorm import batch_norm_ext from mo.front.mxnet.extractors.concat import concat_ext diff --git a/model-optimizer/mo/front/mxnet/extractors/__init__.py b/model-optimizer/mo/front/mxnet/extractors/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/front/mxnet/extractors/__init__.py +++ b/model-optimizer/mo/front/mxnet/extractors/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/front/mxnet/extractors/add_n.py b/model-optimizer/mo/front/mxnet/extractors/add_n.py index 65e31c7da6b8a7..08e50c0da5369e 100644 --- a/model-optimizer/mo/front/mxnet/extractors/add_n.py +++ b/model-optimizer/mo/front/mxnet/extractors/add_n.py @@ -1,19 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 def add_n_ext(attrs): return {} diff --git a/model-optimizer/mo/front/mxnet/extractors/batchnorm.py b/model-optimizer/mo/front/mxnet/extractors/batchnorm.py index 5ed9fa56397e1f..2b6952e6db9c71 100644 --- a/model-optimizer/mo/front/mxnet/extractors/batchnorm.py +++ b/model-optimizer/mo/front/mxnet/extractors/batchnorm.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.extractors.utils import layout_attrs from mo.front.common.partial_infer.batch_norm import batch_norm_4_infer diff --git a/model-optimizer/mo/front/mxnet/extractors/concat.py b/model-optimizer/mo/front/mxnet/extractors/concat.py index 38ef2f4b59016c..be5be7865fee07 100644 --- a/model-optimizer/mo/front/mxnet/extractors/concat.py +++ b/model-optimizer/mo/front/mxnet/extractors/concat.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.concat import concat_infer diff --git a/model-optimizer/mo/front/mxnet/extractors/l2_normalization.py b/model-optimizer/mo/front/mxnet/extractors/l2_normalization.py index cb228f7d11bae2..56cde10d77413c 100644 --- a/model-optimizer/mo/front/mxnet/extractors/l2_normalization.py +++ b/model-optimizer/mo/front/mxnet/extractors/l2_normalization.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.partial_infer.elemental import copy_shape_infer diff --git a/model-optimizer/mo/front/mxnet/extractors/multibox_prior.py b/model-optimizer/mo/front/mxnet/extractors/multibox_prior.py index 0da8af5451d50e..c0d0a9c4791233 100644 --- a/model-optimizer/mo/front/mxnet/extractors/multibox_prior.py +++ b/model-optimizer/mo/front/mxnet/extractors/multibox_prior.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.multi_box_prior import multi_box_prior_infer_mxnet diff --git a/model-optimizer/mo/front/mxnet/extractors/multibox_prior_test.py b/model-optimizer/mo/front/mxnet/extractors/multibox_prior_test.py index c9f61559a3b282..c6b1fcddb994b5 100644 --- a/model-optimizer/mo/front/mxnet/extractors/multibox_prior_test.py +++ b/model-optimizer/mo/front/mxnet/extractors/multibox_prior_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/front/mxnet/extractors/relu.py b/model-optimizer/mo/front/mxnet/extractors/relu.py index aa1a232bbd12fd..629a13236d291f 100644 --- a/model-optimizer/mo/front/mxnet/extractors/relu.py +++ b/model-optimizer/mo/front/mxnet/extractors/relu.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.activation_ops import ReLU from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/mo/front/mxnet/extractors/relu_test.py b/model-optimizer/mo/front/mxnet/extractors/relu_test.py index 3bed8154277bd4..df903c894e4a51 100644 --- a/model-optimizer/mo/front/mxnet/extractors/relu_test.py +++ b/model-optimizer/mo/front/mxnet/extractors/relu_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/front/mxnet/extractors/scaleshift.py b/model-optimizer/mo/front/mxnet/extractors/scaleshift.py index 5bf4989a764d4b..3def22c4ba6ab1 100644 --- a/model-optimizer/mo/front/mxnet/extractors/scaleshift.py +++ b/model-optimizer/mo/front/mxnet/extractors/scaleshift.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.extractors.utils import layout_attrs from mo.front.common.partial_infer.batch_norm import batch_norm_4_infer diff --git a/model-optimizer/mo/front/mxnet/extractors/slice_axis.py b/model-optimizer/mo/front/mxnet/extractors/slice_axis.py index 3cc6f6b86f6124..5c79861c02bf03 100644 --- a/model-optimizer/mo/front/mxnet/extractors/slice_axis.py +++ b/model-optimizer/mo/front/mxnet/extractors/slice_axis.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.caffe.extractors.utils import get_canonical_axis_index import numpy as np diff --git a/model-optimizer/mo/front/mxnet/extractors/slice_axis_test.py b/model-optimizer/mo/front/mxnet/extractors/slice_axis_test.py index 73b66e9b17bb2e..78596bc7066a41 100644 --- a/model-optimizer/mo/front/mxnet/extractors/slice_axis_test.py +++ b/model-optimizer/mo/front/mxnet/extractors/slice_axis_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/front/mxnet/extractors/utils.py b/model-optimizer/mo/front/mxnet/extractors/utils.py index d1a5f7fddba0e2..b33dbdd68679fd 100644 --- a/model-optimizer/mo/front/mxnet/extractors/utils.py +++ b/model-optimizer/mo/front/mxnet/extractors/utils.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import mxnet as mx import numpy as np diff --git a/model-optimizer/mo/front/mxnet/extractors/utils_test.py b/model-optimizer/mo/front/mxnet/extractors/utils_test.py index 64d6ac2ccb5fc1..918d833995a8d5 100644 --- a/model-optimizer/mo/front/mxnet/extractors/utils_test.py +++ b/model-optimizer/mo/front/mxnet/extractors/utils_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/mo/front/mxnet/loader.py b/model-optimizer/mo/front/mxnet/loader.py index c03e866675995b..76e01936d31020 100644 --- a/model-optimizer/mo/front/mxnet/loader.py +++ b/model-optimizer/mo/front/mxnet/loader.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import json import logging as log diff --git a/model-optimizer/mo/front/mxnet/loader_test.py b/model-optimizer/mo/front/mxnet/loader_test.py index e5643f526246e6..dd59708c0ae87e 100644 --- a/model-optimizer/mo/front/mxnet/loader_test.py +++ b/model-optimizer/mo/front/mxnet/loader_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/mo/front/mxnet/nd_to_params.py b/model-optimizer/mo/front/mxnet/nd_to_params.py index 622076c3a8ee15..127a5b4d03d945 100644 --- a/model-optimizer/mo/front/mxnet/nd_to_params.py +++ b/model-optimizer/mo/front/mxnet/nd_to_params.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import os diff --git a/model-optimizer/mo/front/mxnet/register_custom_ops.py b/model-optimizer/mo/front/mxnet/register_custom_ops.py index 61dc0b964f5bc9..9032d58b508944 100644 --- a/model-optimizer/mo/front/mxnet/register_custom_ops.py +++ b/model-optimizer/mo/front/mxnet/register_custom_ops.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.replacement import FrontReplacementOp, FrontReplacementSubgraph, FrontReplacementPattern from mo.front.extractor import FrontExtractorOp, MXNetCustomFrontExtractorOp diff --git a/model-optimizer/mo/front/onnx/__init__.py b/model-optimizer/mo/front/onnx/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/front/onnx/__init__.py +++ b/model-optimizer/mo/front/onnx/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/front/onnx/extractor.py b/model-optimizer/mo/front/onnx/extractor.py index d840ee84b4bed5..78bcf889c305ae 100644 --- a/model-optimizer/mo/front/onnx/extractor.py +++ b/model-optimizer/mo/front/onnx/extractor.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Node diff --git a/model-optimizer/mo/front/onnx/extractors/__init__.py b/model-optimizer/mo/front/onnx/extractors/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/front/onnx/extractors/__init__.py +++ b/model-optimizer/mo/front/onnx/extractors/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/front/onnx/extractors/utils.py b/model-optimizer/mo/front/onnx/extractors/utils.py index 0c005668ef32f6..ceda4477cdef6d 100644 --- a/model-optimizer/mo/front/onnx/extractors/utils.py +++ b/model-optimizer/mo/front/onnx/extractors/utils.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/front/onnx/loader.py b/model-optimizer/mo/front/onnx/loader.py index 1550b51d17d0b2..3f8c2fd831fceb 100644 --- a/model-optimizer/mo/front/onnx/loader.py +++ b/model-optimizer/mo/front/onnx/loader.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from __future__ import absolute_import from __future__ import division from __future__ import print_function diff --git a/model-optimizer/mo/front/onnx/register_custom_ops.py b/model-optimizer/mo/front/onnx/register_custom_ops.py index 066fedb46b8c57..16c3b577d22832 100644 --- a/model-optimizer/mo/front/onnx/register_custom_ops.py +++ b/model-optimizer/mo/front/onnx/register_custom_ops.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.replacement import FrontReplacementOp, FrontReplacementPattern, FrontReplacementSubgraph from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/mo/front/subgraph_matcher.py b/model-optimizer/mo/front/subgraph_matcher.py index 188e6cacd1f301..da64ce1218d4d2 100644 --- a/model-optimizer/mo/front/subgraph_matcher.py +++ b/model-optimizer/mo/front/subgraph_matcher.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2017-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import re diff --git a/model-optimizer/mo/front/tf/__init__.py b/model-optimizer/mo/front/tf/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/front/tf/__init__.py +++ b/model-optimizer/mo/front/tf/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/front/tf/common.py b/model-optimizer/mo/front/tf/common.py index 24a52e2de6eea8..6480f8f718e65b 100644 --- a/model-optimizer/mo/front/tf/common.py +++ b/model-optimizer/mo/front/tf/common.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np from tensorflow.core.framework import types_pb2 as tf_types # pylint: disable=no-name-in-module,import-error diff --git a/model-optimizer/mo/front/tf/custom_subgraph_call.py b/model-optimizer/mo/front/tf/custom_subgraph_call.py index 152a401619140f..53ec45a7b0cd04 100644 --- a/model-optimizer/mo/front/tf/custom_subgraph_call.py +++ b/model-optimizer/mo/front/tf/custom_subgraph_call.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log from re import findall diff --git a/model-optimizer/mo/front/tf/extractor.py b/model-optimizer/mo/front/tf/extractor.py index 46ef45e7c1b51d..402dcc87025879 100644 --- a/model-optimizer/mo/front/tf/extractor.py +++ b/model-optimizer/mo/front/tf/extractor.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.tf.extractors.concat import tf_concat_ext from mo.front.tf.extractors.fused_bn import tf_fused_bn_extractor diff --git a/model-optimizer/mo/front/tf/extractors/__init__.py b/model-optimizer/mo/front/tf/extractors/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/front/tf/extractors/__init__.py +++ b/model-optimizer/mo/front/tf/extractors/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/front/tf/extractors/concat.py b/model-optimizer/mo/front/tf/extractors/concat.py index a91d050e309618..c90980b3dd1253 100644 --- a/model-optimizer/mo/front/tf/extractors/concat.py +++ b/model-optimizer/mo/front/tf/extractors/concat.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.concat import concat_infer diff --git a/model-optimizer/mo/front/tf/extractors/concat_test.py b/model-optimizer/mo/front/tf/extractors/concat_test.py index a7192b4ebb4319..576de3f2dfa2c0 100644 --- a/model-optimizer/mo/front/tf/extractors/concat_test.py +++ b/model-optimizer/mo/front/tf/extractors/concat_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.tf.extractors.concat import tf_concat_ext from mo.utils.unittest.extractors import PB, BaseExtractorsTestingClass diff --git a/model-optimizer/mo/front/tf/extractors/fused_bn.py b/model-optimizer/mo/front/tf/extractors/fused_bn.py index d0dec1ff8af334..0d290ba2873f3e 100644 --- a/model-optimizer/mo/front/tf/extractors/fused_bn.py +++ b/model-optimizer/mo/front/tf/extractors/fused_bn.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/mo/front/tf/extractors/identity.py b/model-optimizer/mo/front/tf/extractors/identity.py index 2c5142deb9f8c5..739ee7452a489c 100644 --- a/model-optimizer/mo/front/tf/extractors/identity.py +++ b/model-optimizer/mo/front/tf/extractors/identity.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.elemental import copy_shape_infer diff --git a/model-optimizer/mo/front/tf/extractors/identity_test.py b/model-optimizer/mo/front/tf/extractors/identity_test.py index 68e7628cf9fdb4..022c49f2596013 100644 --- a/model-optimizer/mo/front/tf/extractors/identity_test.py +++ b/model-optimizer/mo/front/tf/extractors/identity_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.tf.extractors.identity import tf_identity_ext from mo.utils.unittest.extractors import BaseExtractorsTestingClass diff --git a/model-optimizer/mo/front/tf/extractors/native_tf.py b/model-optimizer/mo/front/tf/extractors/native_tf.py index b3bb23f3bc6f12..4bda3999826641 100644 --- a/model-optimizer/mo/front/tf/extractors/native_tf.py +++ b/model-optimizer/mo/front/tf/extractors/native_tf.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.tf.partial_infer.tf import tf_native_tf_node_infer diff --git a/model-optimizer/mo/front/tf/extractors/pack.py b/model-optimizer/mo/front/tf/extractors/pack.py index aae3993342d665..6b7fed47bb9fb4 100644 --- a/model-optimizer/mo/front/tf/extractors/pack.py +++ b/model-optimizer/mo/front/tf/extractors/pack.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.concat import tf_pack_infer diff --git a/model-optimizer/mo/front/tf/extractors/random_uniform.py b/model-optimizer/mo/front/tf/extractors/random_uniform.py index 7a724cd2eb7817..db898c8c396b34 100644 --- a/model-optimizer/mo/front/tf/extractors/random_uniform.py +++ b/model-optimizer/mo/front/tf/extractors/random_uniform.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.random_uniform import tf_random_uniform_infer diff --git a/model-optimizer/mo/front/tf/extractors/strided_slice.py b/model-optimizer/mo/front/tf/extractors/strided_slice.py index 6f22f5089b721e..41ba6ac0cc46b8 100644 --- a/model-optimizer/mo/front/tf/extractors/strided_slice.py +++ b/model-optimizer/mo/front/tf/extractors/strided_slice.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/mo/front/tf/extractors/utils.py b/model-optimizer/mo/front/tf/extractors/utils.py index 7d24e7d041af4a..753cd0271afc77 100644 --- a/model-optimizer/mo/front/tf/extractors/utils.py +++ b/model-optimizer/mo/front/tf/extractors/utils.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/mo/front/tf/extractors/utils_test.py b/model-optimizer/mo/front/tf/extractors/utils_test.py index c043eb7d8af070..7cbd90a05717f4 100644 --- a/model-optimizer/mo/front/tf/extractors/utils_test.py +++ b/model-optimizer/mo/front/tf/extractors/utils_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log import unittest diff --git a/model-optimizer/mo/front/tf/graph_utils.py b/model-optimizer/mo/front/tf/graph_utils.py index 862ab4ef1c55e5..3a38938ee6eafb 100644 --- a/model-optimizer/mo/front/tf/graph_utils.py +++ b/model-optimizer/mo/front/tf/graph_utils.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import collections import logging as log diff --git a/model-optimizer/mo/front/tf/loader.py b/model-optimizer/mo/front/tf/loader.py index 7e3813a8059409..0e0b102b8ee3fb 100644 --- a/model-optimizer/mo/front/tf/loader.py +++ b/model-optimizer/mo/front/tf/loader.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log import os diff --git a/model-optimizer/mo/front/tf/loader_test.py b/model-optimizer/mo/front/tf/loader_test.py index 4c4c4af550204a..01b9e8427a8064 100644 --- a/model-optimizer/mo/front/tf/loader_test.py +++ b/model-optimizer/mo/front/tf/loader_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest.mock from io import StringIO diff --git a/model-optimizer/mo/front/tf/partial_infer/__init__.py b/model-optimizer/mo/front/tf/partial_infer/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/front/tf/partial_infer/__init__.py +++ b/model-optimizer/mo/front/tf/partial_infer/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/front/tf/partial_infer/tf.py b/model-optimizer/mo/front/tf/partial_infer/tf.py index bac6c007f3095a..cc419daf7f98dc 100644 --- a/model-optimizer/mo/front/tf/partial_infer/tf.py +++ b/model-optimizer/mo/front/tf/partial_infer/tf.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log from re import match diff --git a/model-optimizer/mo/front/tf/register_custom_ops.py b/model-optimizer/mo/front/tf/register_custom_ops.py index 066fedb46b8c57..16c3b577d22832 100644 --- a/model-optimizer/mo/front/tf/register_custom_ops.py +++ b/model-optimizer/mo/front/tf/register_custom_ops.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.replacement import FrontReplacementOp, FrontReplacementPattern, FrontReplacementSubgraph from mo.front.extractor import FrontExtractorOp diff --git a/model-optimizer/mo/front/tf/replacement.py b/model-optimizer/mo/front/tf/replacement.py index 0597675eb6ab08..20b595523ed965 100644 --- a/model-optimizer/mo/front/tf/replacement.py +++ b/model-optimizer/mo/front/tf/replacement.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2017-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from mo.front.common.custom_replacement_registry import CustomReplacementRegistry diff --git a/model-optimizer/mo/graph/__init__.py b/model-optimizer/mo/graph/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/graph/__init__.py +++ b/model-optimizer/mo/graph/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/graph/connection.py b/model-optimizer/mo/graph/connection.py index eccba8b57877ac..c5d8a82aaa7cc4 100644 --- a/model-optimizer/mo/graph/connection.py +++ b/model-optimizer/mo/graph/connection.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from collections import namedtuple from copy import deepcopy diff --git a/model-optimizer/mo/graph/connection_test.py b/model-optimizer/mo/graph/connection_test.py index 44ba8b1ff603a7..067012252aa2f3 100644 --- a/model-optimizer/mo/graph/connection_test.py +++ b/model-optimizer/mo/graph/connection_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/graph/graph.py b/model-optimizer/mo/graph/graph.py index dbfc556cea9df7..657f71f1e30f3f 100644 --- a/model-optimizer/mo/graph/graph.py +++ b/model-optimizer/mo/graph/graph.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import collections import logging as log from copy import deepcopy diff --git a/model-optimizer/mo/graph/graph_test.py b/model-optimizer/mo/graph/graph_test.py index fad1c2278c1efb..8d82c0a06f1924 100644 --- a/model-optimizer/mo/graph/graph_test.py +++ b/model-optimizer/mo/graph/graph_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/graph/perm_inputs.py b/model-optimizer/mo/graph/perm_inputs.py index 0d25644b660a58..d3f71700052c81 100644 --- a/model-optimizer/mo/graph/perm_inputs.py +++ b/model-optimizer/mo/graph/perm_inputs.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import networkx as nx from extensions.ops.gather import Gather diff --git a/model-optimizer/mo/graph/port.py b/model-optimizer/mo/graph/port.py index be60413eacc32b..51f5cbe0bda0ad 100644 --- a/model-optimizer/mo/graph/port.py +++ b/model-optimizer/mo/graph/port.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log from copy import deepcopy diff --git a/model-optimizer/mo/graph/port_test.py b/model-optimizer/mo/graph/port_test.py index c2dd25ba418fc3..2064eb77248ce6 100644 --- a/model-optimizer/mo/graph/port_test.py +++ b/model-optimizer/mo/graph/port_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/main.py b/model-optimizer/mo/main.py index 2a58a002e8a4a8..a1f4ca856d57f0 100644 --- a/model-optimizer/mo/main.py +++ b/model-optimizer/mo/main.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import argparse import datetime diff --git a/model-optimizer/mo/main_test.py b/model-optimizer/mo/main_test.py index a9e2c750dc3181..7afa4e6e6e2f3c 100644 --- a/model-optimizer/mo/main_test.py +++ b/model-optimizer/mo/main_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import argparse import unittest diff --git a/model-optimizer/mo/middle/__init__.py b/model-optimizer/mo/middle/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/middle/__init__.py +++ b/model-optimizer/mo/middle/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/middle/passes/__init__.py b/model-optimizer/mo/middle/passes/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/middle/passes/__init__.py +++ b/model-optimizer/mo/middle/passes/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/middle/passes/conv.py b/model-optimizer/mo/middle/passes/conv.py index 52ce07b00cb045..6d9779ebae67f6 100644 --- a/model-optimizer/mo/middle/passes/conv.py +++ b/model-optimizer/mo/middle/passes/conv.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/mo/middle/passes/convert_data_type.py b/model-optimizer/mo/middle/passes/convert_data_type.py index 128a2681137585..06fd2bb846b7bd 100644 --- a/model-optimizer/mo/middle/passes/convert_data_type.py +++ b/model-optimizer/mo/middle/passes/convert_data_type.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/mo/middle/passes/convert_data_type_test.py b/model-optimizer/mo/middle/passes/convert_data_type_test.py index fc9c7460452eae..34ddaa1a86f11e 100644 --- a/model-optimizer/mo/middle/passes/convert_data_type_test.py +++ b/model-optimizer/mo/middle/passes/convert_data_type_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/middle/passes/debug.py b/model-optimizer/mo/middle/passes/debug.py index 81d81a0fefaf73..2c56c0a3f617cf 100644 --- a/model-optimizer/mo/middle/passes/debug.py +++ b/model-optimizer/mo/middle/passes/debug.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import * diff --git a/model-optimizer/mo/middle/passes/eliminate.py b/model-optimizer/mo/middle/passes/eliminate.py index 69ac3f5cad30c9..e24fc4b444bcad 100644 --- a/model-optimizer/mo/middle/passes/eliminate.py +++ b/model-optimizer/mo/middle/passes/eliminate.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import re from collections import deque diff --git a/model-optimizer/mo/middle/passes/eliminate_test.py b/model-optimizer/mo/middle/passes/eliminate_test.py index 286eb3c17ec89e..4d935609565ee2 100644 --- a/model-optimizer/mo/middle/passes/eliminate_test.py +++ b/model-optimizer/mo/middle/passes/eliminate_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/middle/passes/fusing/__init__.py b/model-optimizer/mo/middle/passes/fusing/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/middle/passes/fusing/__init__.py +++ b/model-optimizer/mo/middle/passes/fusing/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/middle/passes/fusing/decomposition.py b/model-optimizer/mo/middle/passes/fusing/decomposition.py index c58a789038138a..7782186e2dd6c8 100644 --- a/model-optimizer/mo/middle/passes/fusing/decomposition.py +++ b/model-optimizer/mo/middle/passes/fusing/decomposition.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/mo/middle/passes/fusing/decomposition_test.py b/model-optimizer/mo/middle/passes/fusing/decomposition_test.py index 68607a91e51be6..8217fe12a3a6b3 100644 --- a/model-optimizer/mo/middle/passes/fusing/decomposition_test.py +++ b/model-optimizer/mo/middle/passes/fusing/decomposition_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/middle/passes/fusing/fuse_grouped_conv.py b/model-optimizer/mo/middle/passes/fusing/fuse_grouped_conv.py index f7402a37477552..afb3de7648f0d7 100644 --- a/model-optimizer/mo/middle/passes/fusing/fuse_grouped_conv.py +++ b/model-optimizer/mo/middle/passes/fusing/fuse_grouped_conv.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/mo/middle/passes/fusing/fuse_linear_ops.py b/model-optimizer/mo/middle/passes/fusing/fuse_linear_ops.py index f46ddffc72d6bb..0c021b19e2fb91 100644 --- a/model-optimizer/mo/middle/passes/fusing/fuse_linear_ops.py +++ b/model-optimizer/mo/middle/passes/fusing/fuse_linear_ops.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/mo/middle/passes/fusing/fuse_linear_ops_test.py b/model-optimizer/mo/middle/passes/fusing/fuse_linear_ops_test.py index 5795fa1ce36734..a85bedd9336b6a 100644 --- a/model-optimizer/mo/middle/passes/fusing/fuse_linear_ops_test.py +++ b/model-optimizer/mo/middle/passes/fusing/fuse_linear_ops_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/middle/passes/fusing/fuse_linear_seq.py b/model-optimizer/mo/middle/passes/fusing/fuse_linear_seq.py index b7dbfcd6ec0bde..0522729705ef36 100644 --- a/model-optimizer/mo/middle/passes/fusing/fuse_linear_seq.py +++ b/model-optimizer/mo/middle/passes/fusing/fuse_linear_seq.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/mo/middle/passes/fusing/fuse_linear_seq_test.py b/model-optimizer/mo/middle/passes/fusing/fuse_linear_seq_test.py index 8a6339bc0b824d..8d10884a5044b4 100644 --- a/model-optimizer/mo/middle/passes/fusing/fuse_linear_seq_test.py +++ b/model-optimizer/mo/middle/passes/fusing/fuse_linear_seq_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/middle/passes/fusing/helpers.py b/model-optimizer/mo/middle/passes/fusing/helpers.py index f6f4abd9416026..14c18d1349d1b3 100644 --- a/model-optimizer/mo/middle/passes/fusing/helpers.py +++ b/model-optimizer/mo/middle/passes/fusing/helpers.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log from collections import deque diff --git a/model-optimizer/mo/middle/passes/fusing/helpers_test.py b/model-optimizer/mo/middle/passes/fusing/helpers_test.py index 78486bb207ac9e..1cd97681abbee7 100644 --- a/model-optimizer/mo/middle/passes/fusing/helpers_test.py +++ b/model-optimizer/mo/middle/passes/fusing/helpers_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/middle/passes/fusing/mark_unfused_nodes.py b/model-optimizer/mo/middle/passes/fusing/mark_unfused_nodes.py index 4f17c1c5d90774..3644c3dc3eb642 100644 --- a/model-optimizer/mo/middle/passes/fusing/mark_unfused_nodes.py +++ b/model-optimizer/mo/middle/passes/fusing/mark_unfused_nodes.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log import re diff --git a/model-optimizer/mo/middle/passes/fusing/mark_unfused_nodes_test.py b/model-optimizer/mo/middle/passes/fusing/mark_unfused_nodes_test.py index a5461e1508dcd0..148863bcb04161 100644 --- a/model-optimizer/mo/middle/passes/fusing/mark_unfused_nodes_test.py +++ b/model-optimizer/mo/middle/passes/fusing/mark_unfused_nodes_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/middle/passes/fusing/resnet_optimization.py b/model-optimizer/mo/middle/passes/fusing/resnet_optimization.py index 0f3397d02d1c75..7f14db3885a911 100644 --- a/model-optimizer/mo/middle/passes/fusing/resnet_optimization.py +++ b/model-optimizer/mo/middle/passes/fusing/resnet_optimization.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/mo/middle/passes/fusing/resnet_optimization_test.py b/model-optimizer/mo/middle/passes/fusing/resnet_optimization_test.py index e2ad6536ba6501..db51878bb985db 100644 --- a/model-optimizer/mo/middle/passes/fusing/resnet_optimization_test.py +++ b/model-optimizer/mo/middle/passes/fusing/resnet_optimization_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/middle/passes/infer.py b/model-optimizer/mo/middle/passes/infer.py index 2ec8abb86b69c8..3b642ccd09b494 100644 --- a/model-optimizer/mo/middle/passes/infer.py +++ b/model-optimizer/mo/middle/passes/infer.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/mo/middle/passes/infer_test.py b/model-optimizer/mo/middle/passes/infer_test.py index 172f65357c5af3..1745e651775d00 100644 --- a/model-optimizer/mo/middle/passes/infer_test.py +++ b/model-optimizer/mo/middle/passes/infer_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/middle/passes/tensor_names.py b/model-optimizer/mo/middle/passes/tensor_names.py index 6962f660ac48eb..4e291023679ff5 100644 --- a/model-optimizer/mo/middle/passes/tensor_names.py +++ b/model-optimizer/mo/middle/passes/tensor_names.py @@ -1,19 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from xml.etree.ElementTree import Element, SubElement, tostring diff --git a/model-optimizer/mo/middle/pattern_match.py b/model-optimizer/mo/middle/pattern_match.py index 5dcd0829c6453f..c287b74d522f41 100644 --- a/model-optimizer/mo/middle/pattern_match.py +++ b/model-optimizer/mo/middle/pattern_match.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/mo/middle/replacement.py b/model-optimizer/mo/middle/replacement.py index d75f658c10a15c..18c2a3aca6824c 100644 --- a/model-optimizer/mo/middle/replacement.py +++ b/model-optimizer/mo/middle/replacement.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.utils import class_registration from mo.utils.replacement_pattern import ReplacementPattern diff --git a/model-optimizer/mo/ops/__init__.py b/model-optimizer/mo/ops/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/ops/__init__.py +++ b/model-optimizer/mo/ops/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/ops/activation.py b/model-optimizer/mo/ops/activation.py index ffd7cac17a1a9b..44691c503d4952 100644 --- a/model-optimizer/mo/ops/activation.py +++ b/model-optimizer/mo/ops/activation.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/mo/ops/assign.py b/model-optimizer/mo/ops/assign.py index 9bb9f2cac3303c..d31464a52c7fe5 100644 --- a/model-optimizer/mo/ops/assign.py +++ b/model-optimizer/mo/ops/assign.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.graph.graph import Graph, Node from mo.ops.op import Op diff --git a/model-optimizer/mo/ops/broadcast.py b/model-optimizer/mo/ops/broadcast.py index 00f3acc1195ba2..0edd867bb29cf5 100644 --- a/model-optimizer/mo/ops/broadcast.py +++ b/model-optimizer/mo/ops/broadcast.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Node, Graph from mo.graph.perm_inputs import PermuteInputs diff --git a/model-optimizer/mo/ops/broadcast_test.py b/model-optimizer/mo/ops/broadcast_test.py index 9c2dcfbced8a0c..cbca711ebbb2b9 100644 --- a/model-optimizer/mo/ops/broadcast_test.py +++ b/model-optimizer/mo/ops/broadcast_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/ops/clamp.py b/model-optimizer/mo/ops/clamp.py index bf47c9ce6e2968..bf082853716103 100644 --- a/model-optimizer/mo/ops/clamp.py +++ b/model-optimizer/mo/ops/clamp.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.graph.graph import Graph diff --git a/model-optimizer/mo/ops/concat.py b/model-optimizer/mo/ops/concat.py index cfd6f1bff99b18..fe72efd6718977 100644 --- a/model-optimizer/mo/ops/concat.py +++ b/model-optimizer/mo/ops/concat.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.concat import concat_infer from mo.ops.op import Op diff --git a/model-optimizer/mo/ops/concat_test.py b/model-optimizer/mo/ops/concat_test.py index b2f342bf646b32..db92343f10d001 100644 --- a/model-optimizer/mo/ops/concat_test.py +++ b/model-optimizer/mo/ops/concat_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/ops/const.py b/model-optimizer/mo/ops/const.py index 2e9fecfddb63f9..e3c4bc3b6ef70e 100644 --- a/model-optimizer/mo/ops/const.py +++ b/model-optimizer/mo/ops/const.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/ops/constant_of_shape.py b/model-optimizer/mo/ops/constant_of_shape.py index 6628de76d1bd86..2e5632e314a71a 100644 --- a/model-optimizer/mo/ops/constant_of_shape.py +++ b/model-optimizer/mo/ops/constant_of_shape.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/mo/ops/convolution.py b/model-optimizer/mo/ops/convolution.py index cd75f774c691ab..aa884b347210cf 100644 --- a/model-optimizer/mo/ops/convolution.py +++ b/model-optimizer/mo/ops/convolution.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/mo/ops/convolution_test.py b/model-optimizer/mo/ops/convolution_test.py index ea522083214206..2f555c1d42a922 100644 --- a/model-optimizer/mo/ops/convolution_test.py +++ b/model-optimizer/mo/ops/convolution_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/ops/crop.py b/model-optimizer/mo/ops/crop.py index b7d3ee1cb9642d..1a9141df929419 100644 --- a/model-optimizer/mo/ops/crop.py +++ b/model-optimizer/mo/ops/crop.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/mo/ops/crop_test.py b/model-optimizer/mo/ops/crop_test.py index ba87bad3b99db5..4f87b6b5e4ffac 100644 --- a/model-optimizer/mo/ops/crop_test.py +++ b/model-optimizer/mo/ops/crop_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/ops/deconvolution.py b/model-optimizer/mo/ops/deconvolution.py index 711999e8dd6330..f338267c4db5ff 100644 --- a/model-optimizer/mo/ops/deconvolution.py +++ b/model-optimizer/mo/ops/deconvolution.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/ops/deformable_convolution.py b/model-optimizer/mo/ops/deformable_convolution.py index 3c4860d3218cbe..f219208cbc03f4 100644 --- a/model-optimizer/mo/ops/deformable_convolution.py +++ b/model-optimizer/mo/ops/deformable_convolution.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.convolution import Convolution diff --git a/model-optimizer/mo/ops/eltwise.py b/model-optimizer/mo/ops/eltwise.py index 3114c5f68dfbb1..ada8dd6a2f5bd1 100644 --- a/model-optimizer/mo/ops/eltwise.py +++ b/model-optimizer/mo/ops/eltwise.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/ops/eltwise_n.py b/model-optimizer/mo/ops/eltwise_n.py index 519f1bf5875089..e653be29b81f12 100644 --- a/model-optimizer/mo/ops/eltwise_n.py +++ b/model-optimizer/mo/ops/eltwise_n.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/mo/ops/eltwise_ninputs_in_1.py b/model-optimizer/mo/ops/eltwise_ninputs_in_1.py index 63a62e0518a1e4..bd267aceba7789 100644 --- a/model-optimizer/mo/ops/eltwise_ninputs_in_1.py +++ b/model-optimizer/mo/ops/eltwise_ninputs_in_1.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/mo/ops/expand_dims.py b/model-optimizer/mo/ops/expand_dims.py index f9a2c405b3d8d3..f1252bfc0649a3 100644 --- a/model-optimizer/mo/ops/expand_dims.py +++ b/model-optimizer/mo/ops/expand_dims.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/ops/expand_dims_test.py b/model-optimizer/mo/ops/expand_dims_test.py index 99ad71e1e87fe9..af0de5a490e069 100644 --- a/model-optimizer/mo/ops/expand_dims_test.py +++ b/model-optimizer/mo/ops/expand_dims_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/ops/fill.py b/model-optimizer/mo/ops/fill.py index 11fce353d6dfe4..34380f7d89bb00 100644 --- a/model-optimizer/mo/ops/fill.py +++ b/model-optimizer/mo/ops/fill.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.ops.op import Op diff --git a/model-optimizer/mo/ops/flatten.py b/model-optimizer/mo/ops/flatten.py index 63a42e8b4b0b9d..8b1f9a56024ce4 100644 --- a/model-optimizer/mo/ops/flatten.py +++ b/model-optimizer/mo/ops/flatten.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/ops/group_norm.py b/model-optimizer/mo/ops/group_norm.py index 1fe3dff05d03f5..d32a9dcc717288 100644 --- a/model-optimizer/mo/ops/group_norm.py +++ b/model-optimizer/mo/ops/group_norm.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.elemental import copy_shape_infer from mo.graph.graph import Graph diff --git a/model-optimizer/mo/ops/log_softmax.py b/model-optimizer/mo/ops/log_softmax.py index 84bfeac08f711e..4f66e112512629 100644 --- a/model-optimizer/mo/ops/log_softmax.py +++ b/model-optimizer/mo/ops/log_softmax.py @@ -1,19 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.elemental import copy_shape_infer from mo.graph.graph import Graph, Node diff --git a/model-optimizer/mo/ops/lrn.py b/model-optimizer/mo/ops/lrn.py index ad630f90954c88..98d0dad48bd45e 100644 --- a/model-optimizer/mo/ops/lrn.py +++ b/model-optimizer/mo/ops/lrn.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/mo/ops/lstmnonlinearity.py b/model-optimizer/mo/ops/lstmnonlinearity.py index a08b135b779aa9..b448b247b40a72 100644 --- a/model-optimizer/mo/ops/lstmnonlinearity.py +++ b/model-optimizer/mo/ops/lstmnonlinearity.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/mo/ops/memory.py b/model-optimizer/mo/ops/memory.py index 3704c4ef1c0a2e..cb90464af8c54c 100644 --- a/model-optimizer/mo/ops/memory.py +++ b/model-optimizer/mo/ops/memory.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.elemental import copy_shape_infer from mo.front.common.partial_infer.utils import int64_array diff --git a/model-optimizer/mo/ops/memoryoffset.py b/model-optimizer/mo/ops/memoryoffset.py index 7adf3016b59a78..d543eb3eb8b03e 100644 --- a/model-optimizer/mo/ops/memoryoffset.py +++ b/model-optimizer/mo/ops/memoryoffset.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.elemental import copy_shape_infer from mo.graph.graph import Graph, Node diff --git a/model-optimizer/mo/ops/op.py b/model-optimizer/mo/ops/op.py index 3141c996467b51..6f45fa76e6fdf6 100644 --- a/model-optimizer/mo/ops/op.py +++ b/model-optimizer/mo/ops/op.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import copy import logging as log diff --git a/model-optimizer/mo/ops/pad.py b/model-optimizer/mo/ops/pad.py index daa13a83a0b297..3e0810f7500dba 100644 --- a/model-optimizer/mo/ops/pad.py +++ b/model-optimizer/mo/ops/pad.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.graph.graph import Graph diff --git a/model-optimizer/mo/ops/pad_test.py b/model-optimizer/mo/ops/pad_test.py index 2638d3d78f88f6..3f63d509b9f702 100644 --- a/model-optimizer/mo/ops/pad_test.py +++ b/model-optimizer/mo/ops/pad_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/ops/permute.py b/model-optimizer/mo/ops/permute.py index 1a4f14b97071db..70996f6de3383d 100644 --- a/model-optimizer/mo/ops/permute.py +++ b/model-optimizer/mo/ops/permute.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.extractor import attr_getter from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/mo/ops/pooling.py b/model-optimizer/mo/ops/pooling.py index ecc6edf8f62468..02fa3af7738406 100644 --- a/model-optimizer/mo/ops/pooling.py +++ b/model-optimizer/mo/ops/pooling.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/ops/pooling_test.py b/model-optimizer/mo/ops/pooling_test.py index ab365ec06fe00d..057963c8ef8562 100644 --- a/model-optimizer/mo/ops/pooling_test.py +++ b/model-optimizer/mo/ops/pooling_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/ops/power.py b/model-optimizer/mo/ops/power.py index 98380eab8b4eee..0351545ce56680 100644 --- a/model-optimizer/mo/ops/power.py +++ b/model-optimizer/mo/ops/power.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.front.common.partial_infer.eltwise import eltwise_infer diff --git a/model-optimizer/mo/ops/read_value.py b/model-optimizer/mo/ops/read_value.py index 70228cae6bedb6..0a53b1eab440fc 100644 --- a/model-optimizer/mo/ops/read_value.py +++ b/model-optimizer/mo/ops/read_value.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.graph.graph import Graph, Node from mo.ops.op import Op diff --git a/model-optimizer/mo/ops/reshape.py b/model-optimizer/mo/ops/reshape.py index 018b1d68935513..8a9b58cfef943d 100644 --- a/model-optimizer/mo/ops/reshape.py +++ b/model-optimizer/mo/ops/reshape.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import numpy as np from mo.front.extractor import bool_to_str diff --git a/model-optimizer/mo/ops/result.py b/model-optimizer/mo/ops/result.py index 003f217a3c82d4..5689023c469668 100644 --- a/model-optimizer/mo/ops/result.py +++ b/model-optimizer/mo/ops/result.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/mo/ops/roipooling.py b/model-optimizer/mo/ops/roipooling.py index 6c48639769a973..bdb2734d3b331c 100644 --- a/model-optimizer/mo/ops/roipooling.py +++ b/model-optimizer/mo/ops/roipooling.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.roipooling import roipooling_infer from mo.ops.op import Op diff --git a/model-optimizer/mo/ops/scale_shift.py b/model-optimizer/mo/ops/scale_shift.py index 2882b1c65cbc05..ca353821051c8b 100644 --- a/model-optimizer/mo/ops/scale_shift.py +++ b/model-optimizer/mo/ops/scale_shift.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.elemental import copy_shape_infer from mo.graph.graph import Graph diff --git a/model-optimizer/mo/ops/shape.py b/model-optimizer/mo/ops/shape.py index 81036485264c7c..c68882326df086 100644 --- a/model-optimizer/mo/ops/shape.py +++ b/model-optimizer/mo/ops/shape.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/ops/slice.py b/model-optimizer/mo/ops/slice.py index e9baea5b404091..b7762e836a0532 100644 --- a/model-optimizer/mo/ops/slice.py +++ b/model-optimizer/mo/ops/slice.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/ops/slice_test.py b/model-optimizer/mo/ops/slice_test.py index 6c04f6870eff74..eb6454d7a6c612 100644 --- a/model-optimizer/mo/ops/slice_test.py +++ b/model-optimizer/mo/ops/slice_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/mo/ops/softmax.py b/model-optimizer/mo/ops/softmax.py index dd4befe532a9d3..52b36794f03ccf 100644 --- a/model-optimizer/mo/ops/softmax.py +++ b/model-optimizer/mo/ops/softmax.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.elemental import copy_shape_infer from mo.graph.graph import Node, Graph diff --git a/model-optimizer/mo/ops/space_to_batch.py b/model-optimizer/mo/ops/space_to_batch.py index d5efb8a235723a..9f8ed1acbd13d6 100644 --- a/model-optimizer/mo/ops/space_to_batch.py +++ b/model-optimizer/mo/ops/space_to_batch.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/ops/squeeze.py b/model-optimizer/mo/ops/squeeze.py index 188546b34f9b6e..0f4a5c65ea260d 100644 --- a/model-optimizer/mo/ops/squeeze.py +++ b/model-optimizer/mo/ops/squeeze.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/ops/squeeze_test.py b/model-optimizer/mo/ops/squeeze_test.py index 6749477e207a47..4961aa6bbb7434 100644 --- a/model-optimizer/mo/ops/squeeze_test.py +++ b/model-optimizer/mo/ops/squeeze_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/mo/ops/strided_slice.py b/model-optimizer/mo/ops/strided_slice.py index 3bb67822734057..52ab2337ff4499 100644 --- a/model-optimizer/mo/ops/strided_slice.py +++ b/model-optimizer/mo/ops/strided_slice.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from typing import List, Tuple diff --git a/model-optimizer/mo/ops/strided_slice_test.py b/model-optimizer/mo/ops/strided_slice_test.py index b7b2ca078590ba..3db5e041f0cb62 100644 --- a/model-optimizer/mo/ops/strided_slice_test.py +++ b/model-optimizer/mo/ops/strided_slice_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import unittest import numpy as np diff --git a/model-optimizer/mo/ops/tdnncomponent.py b/model-optimizer/mo/ops/tdnncomponent.py index 35b967862cfd72..c618623f3073b9 100644 --- a/model-optimizer/mo/ops/tdnncomponent.py +++ b/model-optimizer/mo/ops/tdnncomponent.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.ops.op import Op diff --git a/model-optimizer/mo/ops/tile.py b/model-optimizer/mo/ops/tile.py index 77c19031387b06..43d45a74ca05d9 100644 --- a/model-optimizer/mo/ops/tile.py +++ b/model-optimizer/mo/ops/tile.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/ops/tile_test.py b/model-optimizer/mo/ops/tile_test.py index 9fbe61619c1db1..4e4be81d7a4f20 100644 --- a/model-optimizer/mo/ops/tile_test.py +++ b/model-optimizer/mo/ops/tile_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/ops/unsqueeze.py b/model-optimizer/mo/ops/unsqueeze.py index 09e3f37d599f9c..af1c9e3bb76001 100644 --- a/model-optimizer/mo/ops/unsqueeze.py +++ b/model-optimizer/mo/ops/unsqueeze.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/ops/unsqueeze_test.py b/model-optimizer/mo/ops/unsqueeze_test.py index 3c1019d0650844..75de9de2717db6 100644 --- a/model-optimizer/mo/ops/unsqueeze_test.py +++ b/model-optimizer/mo/ops/unsqueeze_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/pipeline/__init__.py b/model-optimizer/mo/pipeline/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/pipeline/__init__.py +++ b/model-optimizer/mo/pipeline/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/pipeline/common.py b/model-optimizer/mo/pipeline/common.py index 243ec34c3cbb1a..02e805fb62bd6b 100644 --- a/model-optimizer/mo/pipeline/common.py +++ b/model-optimizer/mo/pipeline/common.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import argparse import logging as log diff --git a/model-optimizer/mo/pipeline/common_test.py b/model-optimizer/mo/pipeline/common_test.py index 492f3c9f19ab43..466be2a3c439ea 100644 --- a/model-optimizer/mo/pipeline/common_test.py +++ b/model-optimizer/mo/pipeline/common_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/pipeline/unified.py b/model-optimizer/mo/pipeline/unified.py index 4b7219f126aa6a..790deeb39d6c11 100644 --- a/model-optimizer/mo/pipeline/unified.py +++ b/model-optimizer/mo/pipeline/unified.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import argparse from mo.graph.graph import Graph diff --git a/model-optimizer/mo/utils/__init__.py b/model-optimizer/mo/utils/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/utils/__init__.py +++ b/model-optimizer/mo/utils/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/utils/broadcasting.py b/model-optimizer/mo/utils/broadcasting.py index d9cdd9e5f5dd7f..b876f4f97b4dbd 100644 --- a/model-optimizer/mo/utils/broadcasting.py +++ b/model-optimizer/mo/utils/broadcasting.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import numpy as np diff --git a/model-optimizer/mo/utils/broadcasting_test.py b/model-optimizer/mo/utils/broadcasting_test.py index 02f5a6bdaabf17..a82bfda615c668 100644 --- a/model-optimizer/mo/utils/broadcasting_test.py +++ b/model-optimizer/mo/utils/broadcasting_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.partial_infer.utils import int64_array from mo.utils.broadcasting import bi_directional_broadcasting, bi_directional_shape_broadcasting, uni_directional_broadcasting, uni_directional_shape_broadcasting from generator import generator, generate diff --git a/model-optimizer/mo/utils/check_ie_bindings.py b/model-optimizer/mo/utils/check_ie_bindings.py index 41bbf6ee81ec27..6fee0828303c80 100644 --- a/model-optimizer/mo/utils/check_ie_bindings.py +++ b/model-optimizer/mo/utils/check_ie_bindings.py @@ -1,20 +1,7 @@ #!/usr/bin/env python3 -""" - Copyright (C) 2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import os import re diff --git a/model-optimizer/mo/utils/class_registration.py b/model-optimizer/mo/utils/class_registration.py index eb1f4660a3b680..fdac9b4adc9034 100644 --- a/model-optimizer/mo/utils/class_registration.py +++ b/model-optimizer/mo/utils/class_registration.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import os from enum import Enum diff --git a/model-optimizer/mo/utils/cli_parser.py b/model-optimizer/mo/utils/cli_parser.py index e4ae7328741850..e7bb1c395b12c4 100644 --- a/model-optimizer/mo/utils/cli_parser.py +++ b/model-optimizer/mo/utils/cli_parser.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import argparse import ast import logging as log diff --git a/model-optimizer/mo/utils/cli_parser_test.py b/model-optimizer/mo/utils/cli_parser_test.py index c994ba726cc7dd..a4e80a274d9b7c 100644 --- a/model-optimizer/mo/utils/cli_parser_test.py +++ b/model-optimizer/mo/utils/cli_parser_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import argparse import os import shutil diff --git a/model-optimizer/mo/utils/convert.py b/model-optimizer/mo/utils/convert.py index 96bd9e9a9f63dc..75233c43bf995e 100755 --- a/model-optimizer/mo/utils/convert.py +++ b/model-optimizer/mo/utils/convert.py @@ -1,19 +1,6 @@ -#!/usr/bin/env python3 -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import argparse import os import sys diff --git a/model-optimizer/mo/utils/custom_replacement_config.py b/model-optimizer/mo/utils/custom_replacement_config.py index 0bdbaf318cabec..32f7b6808f563b 100644 --- a/model-optimizer/mo/utils/custom_replacement_config.py +++ b/model-optimizer/mo/utils/custom_replacement_config.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import json import logging as log diff --git a/model-optimizer/mo/utils/dsu.py b/model-optimizer/mo/utils/dsu.py index b1f423439c5706..92d57da455b07f 100644 --- a/model-optimizer/mo/utils/dsu.py +++ b/model-optimizer/mo/utils/dsu.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 class DSUElem: diff --git a/model-optimizer/mo/utils/error.py b/model-optimizer/mo/utils/error.py index 85c5a4da266c59..7e03ae2fa857fb 100644 --- a/model-optimizer/mo/utils/error.py +++ b/model-optimizer/mo/utils/error.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import re diff --git a/model-optimizer/mo/utils/error_test.py b/model-optimizer/mo/utils/error_test.py index 98e7adc16fe670..b2ca0597440a8d 100644 --- a/model-optimizer/mo/utils/error_test.py +++ b/model-optimizer/mo/utils/error_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/utils/extract_release_version.py b/model-optimizer/mo/utils/extract_release_version.py index ee35c0e129ba3c..66d0f5f680647a 100644 --- a/model-optimizer/mo/utils/extract_release_version.py +++ b/model-optimizer/mo/utils/extract_release_version.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 try: # needed by install_prerequisites which call extract_release_version as python script diff --git a/model-optimizer/mo/utils/find_ie_version.py b/model-optimizer/mo/utils/find_ie_version.py index 458d3bb5eb4386..9298ea4b13ad77 100644 --- a/model-optimizer/mo/utils/find_ie_version.py +++ b/model-optimizer/mo/utils/find_ie_version.py @@ -1,20 +1,7 @@ #!/usr/bin/env python3 -""" - Copyright (C) 2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import os import sys diff --git a/model-optimizer/mo/utils/find_inputs.py b/model-optimizer/mo/utils/find_inputs.py index 329435bface074..ccf57098e3dd9b 100644 --- a/model-optimizer/mo/utils/find_inputs.py +++ b/model-optimizer/mo/utils/find_inputs.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import networkx as nx diff --git a/model-optimizer/mo/utils/get_ov_update_message.py b/model-optimizer/mo/utils/get_ov_update_message.py index 5e73ef61bc8992..ca8d1dfb3b1ba8 100644 --- a/model-optimizer/mo/utils/get_ov_update_message.py +++ b/model-optimizer/mo/utils/get_ov_update_message.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import datetime diff --git a/model-optimizer/mo/utils/graph.py b/model-optimizer/mo/utils/graph.py index a7e0e7c282c882..0a7278ffcba589 100644 --- a/model-optimizer/mo/utils/graph.py +++ b/model-optimizer/mo/utils/graph.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log from collections import deque diff --git a/model-optimizer/mo/utils/graph_test.py b/model-optimizer/mo/utils/graph_test.py index 75d2418c344a92..adb753b1cc0a92 100644 --- a/model-optimizer/mo/utils/graph_test.py +++ b/model-optimizer/mo/utils/graph_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/utils/guess_framework.py b/model-optimizer/mo/utils/guess_framework.py index ceec6e804f1471..6417ae3087a56b 100644 --- a/model-optimizer/mo/utils/guess_framework.py +++ b/model-optimizer/mo/utils/guess_framework.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import re from argparse import Namespace diff --git a/model-optimizer/mo/utils/ie_version.py b/model-optimizer/mo/utils/ie_version.py index d8534ddea1c628..7a86c55a381aa0 100644 --- a/model-optimizer/mo/utils/ie_version.py +++ b/model-optimizer/mo/utils/ie_version.py @@ -1,19 +1,5 @@ -""" - Copyright (C) 2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 def get_ie_version(): try: diff --git a/model-optimizer/mo/utils/import_extensions.py b/model-optimizer/mo/utils/import_extensions.py index 02ca65924eb187..021217fbcfa681 100644 --- a/model-optimizer/mo/utils/import_extensions.py +++ b/model-optimizer/mo/utils/import_extensions.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import importlib import logging as log diff --git a/model-optimizer/mo/utils/ir_engine/__init__.py b/model-optimizer/mo/utils/ir_engine/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/utils/ir_engine/__init__.py +++ b/model-optimizer/mo/utils/ir_engine/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/utils/ir_engine/compare_graphs.py b/model-optimizer/mo/utils/ir_engine/compare_graphs.py index a5868b2148b492..2b318660d0ca8c 100644 --- a/model-optimizer/mo/utils/ir_engine/compare_graphs.py +++ b/model-optimizer/mo/utils/ir_engine/compare_graphs.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from collections import deque from numbers import Number diff --git a/model-optimizer/mo/utils/ir_engine/ir_engine.py b/model-optimizer/mo/utils/ir_engine/ir_engine.py index 55aa6bd2c00544..8d080d8729aff2 100644 --- a/model-optimizer/mo/utils/ir_engine/ir_engine.py +++ b/model-optimizer/mo/utils/ir_engine/ir_engine.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import hashlib import logging as log diff --git a/model-optimizer/mo/utils/ir_engine/ir_engine_test.py b/model-optimizer/mo/utils/ir_engine/ir_engine_test.py index ea80a747fc19f2..85d17b6fbba1dc 100644 --- a/model-optimizer/mo/utils/ir_engine/ir_engine_test.py +++ b/model-optimizer/mo/utils/ir_engine/ir_engine_test.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import os import sys diff --git a/model-optimizer/mo/utils/ir_reader/__init__.py b/model-optimizer/mo/utils/ir_reader/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/mo/utils/ir_reader/__init__.py +++ b/model-optimizer/mo/utils/ir_reader/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/mo/utils/ir_reader/extender.py b/model-optimizer/mo/utils/ir_reader/extender.py index 2bc2998458eebb..5dc617f262921d 100644 --- a/model-optimizer/mo/utils/ir_reader/extender.py +++ b/model-optimizer/mo/utils/ir_reader/extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log diff --git a/model-optimizer/mo/utils/ir_reader/extenders/ExtractImagePatches_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/ExtractImagePatches_extender.py index 3cf84fcb2d44b3..a656b01426ae8a 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/ExtractImagePatches_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/ExtractImagePatches_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import int64_array from mo.utils.graph import Node diff --git a/model-optimizer/mo/utils/ir_reader/extenders/GRUCell_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/GRUCell_extender.py index 997fc2ca52b85c..8ff1ae87f0f444 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/GRUCell_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/GRUCell_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import mark_input_bins from mo.utils.graph import Node diff --git a/model-optimizer/mo/utils/ir_reader/extenders/LSTMCell_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/LSTMCell_extender.py index fd3636dc33f819..0810207c86f5a6 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/LSTMCell_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/LSTMCell_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.utils.graph import Node from mo.utils.ir_reader.extender import Extender diff --git a/model-optimizer/mo/utils/ir_reader/extenders/RNNCell_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/RNNCell_extender.py index 416d2e5f957af0..105393dc325699 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/RNNCell_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/RNNCell_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.utils.graph import Node from mo.utils.ir_reader.extender import Extender diff --git a/model-optimizer/mo/utils/ir_reader/extenders/binary_convolution_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/binary_convolution_extender.py index cdccc8cd347e92..d071038da45ef5 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/binary_convolution_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/binary_convolution_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (c) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.utils.graph import Node from mo.utils.ir_reader.extender import Extender diff --git a/model-optimizer/mo/utils/ir_reader/extenders/bucketize_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/bucketize_extender.py index 62ccb30927b7e7..fec15f70278e8b 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/bucketize_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/bucketize_extender.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.middle.passes.convert_data_type import destination_type_to_np_data_type from mo.utils.graph import Node diff --git a/model-optimizer/mo/utils/ir_reader/extenders/conv_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/conv_extender.py index bad15f0f34ba57..2fede46c9f8b6e 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/conv_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/conv_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import int64_array from mo.utils.graph import Node diff --git a/model-optimizer/mo/utils/ir_reader/extenders/convert_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/convert_extender.py index 368c89da61cc0c..09f680757d93ca 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/convert_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/convert_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.middle.passes.convert_data_type import destination_type_to_np_data_type from mo.utils.graph import Node diff --git a/model-optimizer/mo/utils/ir_reader/extenders/ctc_greedy_decoder_seq_len_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/ctc_greedy_decoder_seq_len_extender.py index 937db09f64944f..9978e7d00106e3 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/ctc_greedy_decoder_seq_len_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/ctc_greedy_decoder_seq_len_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (c) 2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.middle.passes.convert_data_type import destination_type_to_np_data_type from mo.utils.graph import Node diff --git a/model-optimizer/mo/utils/ir_reader/extenders/deconvolution_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/deconvolution_extender.py index 036d5c6773952c..e291afafe1a7b4 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/deconvolution_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/deconvolution_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/model-optimizer/mo/utils/ir_reader/extenders/deformable_convolution_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/deformable_convolution_extender.py index ea44276176f9bc..cf82896b4f8bd9 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/deformable_convolution_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/deformable_convolution_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.utils.graph import Node from mo.utils.ir_reader.extender import Extender diff --git a/model-optimizer/mo/utils/ir_reader/extenders/experimental_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/experimental_extender.py index 11d3af9d5ced5a..eccaff5be024ad 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/experimental_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/experimental_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.utils.graph import Node from mo.utils.ir_reader.extender import Extender diff --git a/model-optimizer/mo/utils/ir_reader/extenders/fakequantize_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/fakequantize_extender.py index ffb910af1a166c..3ad202d74b7415 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/fakequantize_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/fakequantize_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.utils.graph import Node from mo.utils.ir_reader.extender import Extender diff --git a/model-optimizer/mo/utils/ir_reader/extenders/interpolate_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/interpolate_extender.py index 249e5b91ec002d..ca07b981826220 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/interpolate_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/interpolate_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.utils.graph import Node from mo.utils.ir_reader.extender import Extender diff --git a/model-optimizer/mo/utils/ir_reader/extenders/loop_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/loop_extender.py index 47af9a466fb130..0a2338051e0801 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/loop_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/loop_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.utils.graph import Node from mo.utils.ir_reader.extender import Extender diff --git a/model-optimizer/mo/utils/ir_reader/extenders/non_max_suppression_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/non_max_suppression_extender.py index cf98728a4ea944..8772e09bb54cec 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/non_max_suppression_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/non_max_suppression_extender.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.middle.passes.convert_data_type import destination_type_to_np_data_type from mo.utils.graph import Node from mo.utils.ir_reader.extender import Extender diff --git a/model-optimizer/mo/utils/ir_reader/extenders/non_zero_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/non_zero_extender.py index 12827084ec8b2c..74f027dea4fc64 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/non_zero_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/non_zero_extender.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.middle.passes.convert_data_type import destination_type_to_np_data_type from mo.utils.graph import Node diff --git a/model-optimizer/mo/utils/ir_reader/extenders/pad_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/pad_extender.py index e54d0dc7cb0c97..7f1848d5818680 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/pad_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/pad_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.utils.graph import Node from mo.utils.ir_reader.extender import Extender diff --git a/model-optimizer/mo/utils/ir_reader/extenders/parameter_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/parameter_extender.py index 87aab57d2beb21..9f16198e086cbd 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/parameter_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/parameter_extender.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.front.common.partial_infer.utils import int64_array from mo.middle.passes.convert_data_type import destination_type_to_np_data_type from mo.utils.graph import Node diff --git a/model-optimizer/mo/utils/ir_reader/extenders/pooling_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/pooling_extender.py index ebf931ea5eb36a..4d3f0e3a15b10a 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/pooling_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/pooling_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import int64_array from mo.graph.graph import Node diff --git a/model-optimizer/mo/utils/ir_reader/extenders/priorbox_clustered_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/priorbox_clustered_extender.py index 2a06e94d31a10c..329fa0bf40ecdf 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/priorbox_clustered_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/priorbox_clustered_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.utils.graph import Node from mo.utils.ir_reader.extender import Extender diff --git a/model-optimizer/mo/utils/ir_reader/extenders/priorbox_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/priorbox_extender.py index cf4092b3d545ff..d3148933d1d546 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/priorbox_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/priorbox_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.multi_box_prior import multi_box_prior_infer_mxnet from mo.utils.graph import Node diff --git a/model-optimizer/mo/utils/ir_reader/extenders/range_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/range_extender.py index 35cbeb590f1476..5f2fa1cb9129d7 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/range_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/range_extender.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.middle.passes.convert_data_type import destination_type_to_np_data_type from mo.utils.graph import Node diff --git a/model-optimizer/mo/utils/ir_reader/extenders/reorg_yolo_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/reorg_yolo_extender.py index 0af7c136855e66..83e5e05caed4b1 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/reorg_yolo_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/reorg_yolo_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import int64_array from mo.utils.graph import Node diff --git a/model-optimizer/mo/utils/ir_reader/extenders/shape_of_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/shape_of_extender.py index 38774d2b0bd046..df7c70c9b4de9d 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/shape_of_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/shape_of_extender.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from mo.middle.passes.convert_data_type import destination_type_to_np_data_type from mo.utils.graph import Node diff --git a/model-optimizer/mo/utils/ir_reader/extenders/strided_slice_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/strided_slice_extender.py index ec82049ad679fe..6b08f2ab7f2cf8 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/strided_slice_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/strided_slice_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.front.common.partial_infer.utils import int64_array from mo.ops.strided_slice import StridedSlice diff --git a/model-optimizer/mo/utils/ir_reader/extenders/tensoriterator_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/tensoriterator_extender.py index 9cbb3beeb120f2..6a65d5eef93500 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/tensoriterator_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/tensoriterator_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.utils.graph import Node from mo.utils.ir_reader.extender import Extender diff --git a/model-optimizer/mo/utils/ir_reader/extenders/topk_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/topk_extender.py index de96a9ba1caa0e..d9b96975a8152c 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/topk_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/topk_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (c) 2020-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.middle.passes.convert_data_type import destination_type_to_np_data_type from mo.utils.graph import Node diff --git a/model-optimizer/mo/utils/ir_reader/extenders/variadic_split_extender.py b/model-optimizer/mo/utils/ir_reader/extenders/variadic_split_extender.py index 7d4e29add9f281..8588ad71a1d17a 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/variadic_split_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/variadic_split_extender.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.utils.graph import Node from mo.utils.ir_reader.extender import Extender diff --git a/model-optimizer/mo/utils/ir_reader/layer_to_class.py b/model-optimizer/mo/utils/ir_reader/layer_to_class.py index f3b1059ab93b93..36bae0358e740e 100644 --- a/model-optimizer/mo/utils/ir_reader/layer_to_class.py +++ b/model-optimizer/mo/utils/ir_reader/layer_to_class.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log import os diff --git a/model-optimizer/mo/utils/ir_reader/layer_to_class_test.py b/model-optimizer/mo/utils/ir_reader/layer_to_class_test.py index 70e6fbc1de77fc..123b2ba2e95b9c 100644 --- a/model-optimizer/mo/utils/ir_reader/layer_to_class_test.py +++ b/model-optimizer/mo/utils/ir_reader/layer_to_class_test.py @@ -1,18 +1,5 @@ -""" - Copyright (c) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/utils/ir_reader/restore_graph.py b/model-optimizer/mo/utils/ir_reader/restore_graph.py index 1693b92d7b1028..0f92ed61c47a23 100644 --- a/model-optimizer/mo/utils/ir_reader/restore_graph.py +++ b/model-optimizer/mo/utils/ir_reader/restore_graph.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from copy import copy diff --git a/model-optimizer/mo/utils/logger.py b/model-optimizer/mo/utils/logger.py index 35d9ff16c03215..4e740071d95bc9 100644 --- a/model-optimizer/mo/utils/logger.py +++ b/model-optimizer/mo/utils/logger.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import importlib.util import logging as log diff --git a/model-optimizer/mo/utils/model_analysis.py b/model-optimizer/mo/utils/model_analysis.py index ef99c8eafdd4f6..2049f8b41ece63 100644 --- a/model-optimizer/mo/utils/model_analysis.py +++ b/model-optimizer/mo/utils/model_analysis.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import sys from extensions.front.user_data_repack import UserDataRepack diff --git a/model-optimizer/mo/utils/pipeline_config.py b/model-optimizer/mo/utils/pipeline_config.py index 7954cddf64ac6d..4f24034175ea9b 100644 --- a/model-optimizer/mo/utils/pipeline_config.py +++ b/model-optimizer/mo/utils/pipeline_config.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import logging as log import re diff --git a/model-optimizer/mo/utils/pipeline_config_test.py b/model-optimizer/mo/utils/pipeline_config_test.py index 8b642fb1e80298..8e525464b43c66 100644 --- a/model-optimizer/mo/utils/pipeline_config_test.py +++ b/model-optimizer/mo/utils/pipeline_config_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import os import tempfile diff --git a/model-optimizer/mo/utils/replacement_pattern.py b/model-optimizer/mo/utils/replacement_pattern.py index cf1adb5af9af8b..a38ef3f12344dd 100644 --- a/model-optimizer/mo/utils/replacement_pattern.py +++ b/model-optimizer/mo/utils/replacement_pattern.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from mo.graph.graph import Graph from mo.middle.pattern_match import apply_pattern diff --git a/model-optimizer/mo/utils/shape.py b/model-optimizer/mo/utils/shape.py index 93a61536b8e5e9..5eddacdc0fded6 100644 --- a/model-optimizer/mo/utils/shape.py +++ b/model-optimizer/mo/utils/shape.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from extensions.ops.elementwise import Add from extensions.ops.gather import Gather diff --git a/model-optimizer/mo/utils/simple_proto_parser.py b/model-optimizer/mo/utils/simple_proto_parser.py index a9233e86ef3513..3d5d5de1da401b 100644 --- a/model-optimizer/mo/utils/simple_proto_parser.py +++ b/model-optimizer/mo/utils/simple_proto_parser.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import ast import logging as log diff --git a/model-optimizer/mo/utils/simple_proto_parser_test.py b/model-optimizer/mo/utils/simple_proto_parser_test.py index b0abccde1334a9..b68bec9f4cf31c 100644 --- a/model-optimizer/mo/utils/simple_proto_parser_test.py +++ b/model-optimizer/mo/utils/simple_proto_parser_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import os import sys diff --git a/model-optimizer/mo/utils/str_to.py b/model-optimizer/mo/utils/str_to.py index fcc8ccb2806590..57df16e9fed204 100644 --- a/model-optimizer/mo/utils/str_to.py +++ b/model-optimizer/mo/utils/str_to.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 class StrTo(object): diff --git a/model-optimizer/mo/utils/summarize_graph.py b/model-optimizer/mo/utils/summarize_graph.py index e3cc3019f70df6..2a652ba3a76ad2 100644 --- a/model-optimizer/mo/utils/summarize_graph.py +++ b/model-optimizer/mo/utils/summarize_graph.py @@ -1,20 +1,7 @@ #!/usr/bin/env python3 -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import argparse import os diff --git a/model-optimizer/mo/utils/summarize_graph_test.py b/model-optimizer/mo/utils/summarize_graph_test.py index 9e4b7c147a128b..1901d18b4683fa 100644 --- a/model-optimizer/mo/utils/summarize_graph_test.py +++ b/model-optimizer/mo/utils/summarize_graph_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch, mock_open diff --git a/model-optimizer/mo/utils/tensorboard_util.py b/model-optimizer/mo/utils/tensorboard_util.py index 78b8ed90941cd9..2493d14cf1a2ab 100644 --- a/model-optimizer/mo/utils/tensorboard_util.py +++ b/model-optimizer/mo/utils/tensorboard_util.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 try: import tensorflow.compat.v1 as tf_v1 diff --git a/model-optimizer/mo/utils/unittest/extractors.py b/model-optimizer/mo/utils/unittest/extractors.py index 67df022053b21b..aeade1625b3af2 100644 --- a/model-optimizer/mo/utils/unittest/extractors.py +++ b/model-optimizer/mo/utils/unittest/extractors.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest from unittest.mock import patch diff --git a/model-optimizer/mo/utils/unittest/graph.py b/model-optimizer/mo/utils/unittest/graph.py index 5a164006c1266f..c09abb0e208116 100644 --- a/model-optimizer/mo/utils/unittest/graph.py +++ b/model-optimizer/mo/utils/unittest/graph.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from argparse import Namespace from copy import deepcopy diff --git a/model-optimizer/mo/utils/unsupported_ops.py b/model-optimizer/mo/utils/unsupported_ops.py index 9622385331c7bd..1f0f27a57e262c 100644 --- a/model-optimizer/mo/utils/unsupported_ops.py +++ b/model-optimizer/mo/utils/unsupported_ops.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import collections diff --git a/model-optimizer/mo/utils/utils.py b/model-optimizer/mo/utils/utils.py index 6f34bbc7522e79..2a4327e32674bb 100644 --- a/model-optimizer/mo/utils/utils.py +++ b/model-optimizer/mo/utils/utils.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import functools import os import re diff --git a/model-optimizer/mo/utils/utils_test.py b/model-optimizer/mo/utils/utils_test.py index dfba2e00427d56..afc493adfc35f9 100644 --- a/model-optimizer/mo/utils/utils_test.py +++ b/model-optimizer/mo/utils/utils_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest diff --git a/model-optimizer/mo/utils/version.py b/model-optimizer/mo/utils/version.py index b0167446b83054..6dfbdec286f38c 100644 --- a/model-optimizer/mo/utils/version.py +++ b/model-optimizer/mo/utils/version.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import os import re import sys diff --git a/model-optimizer/mo/utils/version_test.py b/model-optimizer/mo/utils/version_test.py index 877abcdf698309..cf7cdeb069a443 100644 --- a/model-optimizer/mo/utils/version_test.py +++ b/model-optimizer/mo/utils/version_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest import unittest.mock as mock diff --git a/model-optimizer/mo/utils/versions_checker.py b/model-optimizer/mo/utils/versions_checker.py index bbc031cbc1e4db..4d79d2038cdf7a 100644 --- a/model-optimizer/mo/utils/versions_checker.py +++ b/model-optimizer/mo/utils/versions_checker.py @@ -1,19 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging as log import os diff --git a/model-optimizer/mo/utils/versions_checker_test.py b/model-optimizer/mo/utils/versions_checker_test.py index 2e0bb6bc0dbd04..5c83d8ecd60b69 100644 --- a/model-optimizer/mo/utils/versions_checker_test.py +++ b/model-optimizer/mo/utils/versions_checker_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest import unittest.mock as mock diff --git a/model-optimizer/mo_caffe.py b/model-optimizer/mo_caffe.py index 38fccbe8c30b48..83cfd28b96afdf 100755 --- a/model-optimizer/mo_caffe.py +++ b/model-optimizer/mo_caffe.py @@ -1,20 +1,7 @@ #!/usr/bin/env python3 -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import sys diff --git a/model-optimizer/mo_kaldi.py b/model-optimizer/mo_kaldi.py index 01352162cadd4f..f6e4ca223f4696 100755 --- a/model-optimizer/mo_kaldi.py +++ b/model-optimizer/mo_kaldi.py @@ -1,20 +1,7 @@ #!/usr/bin/env python3 -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import sys diff --git a/model-optimizer/mo_mxnet.py b/model-optimizer/mo_mxnet.py index 53f38c575ac545..757debbcc06217 100755 --- a/model-optimizer/mo_mxnet.py +++ b/model-optimizer/mo_mxnet.py @@ -1,20 +1,7 @@ #!/usr/bin/env python3 -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import sys diff --git a/model-optimizer/mo_onnx.py b/model-optimizer/mo_onnx.py index 0cab1a9bafab09..92701d5f2066e1 100755 --- a/model-optimizer/mo_onnx.py +++ b/model-optimizer/mo_onnx.py @@ -1,20 +1,7 @@ #!/usr/bin/env python3 -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import sys diff --git a/model-optimizer/mo_tf.py b/model-optimizer/mo_tf.py index 3669706290c0a6..e352958f771474 100755 --- a/model-optimizer/mo_tf.py +++ b/model-optimizer/mo_tf.py @@ -1,20 +1,7 @@ #!/usr/bin/env python3 -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import sys diff --git a/model-optimizer/setup.py b/model-optimizer/setup.py index df2cb7841eace5..4ba80b119ad37f 100644 --- a/model-optimizer/setup.py +++ b/model-optimizer/setup.py @@ -1,20 +1,7 @@ #!/usr/bin/env python3 -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 """ Use this script to create a wheel with Model Optimizer code: diff --git a/model-optimizer/telemetry/__init__.py b/model-optimizer/telemetry/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/telemetry/__init__.py +++ b/model-optimizer/telemetry/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/telemetry/backend/__init__.py b/model-optimizer/telemetry/backend/__init__.py index 122fe99d313a84..5c55dd8fdf24b0 100644 --- a/model-optimizer/telemetry/backend/__init__.py +++ b/model-optimizer/telemetry/backend/__init__.py @@ -1 +1,4 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + from .backend_ga import * diff --git a/model-optimizer/telemetry/backend/backend.py b/model-optimizer/telemetry/backend/backend.py index 7d88595d1976f0..6761fca53d4b1c 100644 --- a/model-optimizer/telemetry/backend/backend.py +++ b/model-optimizer/telemetry/backend/backend.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import abc diff --git a/model-optimizer/telemetry/backend/backend_ga.py b/model-optimizer/telemetry/backend/backend_ga.py index 95949e07b57333..6b4c015d9dce85 100644 --- a/model-optimizer/telemetry/backend/backend_ga.py +++ b/model-optimizer/telemetry/backend/backend_ga.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2017-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import uuid from telemetry.backend.backend import TelemetryBackend diff --git a/model-optimizer/telemetry/telemetry.py b/model-optimizer/telemetry/telemetry.py index 4be718c1063766..ef882683f80359 100644 --- a/model-optimizer/telemetry/telemetry.py +++ b/model-optimizer/telemetry/telemetry.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2017-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import telemetry.utils.isip as isip from telemetry.backend.backend import BackendRegistry diff --git a/model-optimizer/telemetry/utils/__init__.py b/model-optimizer/telemetry/utils/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/model-optimizer/telemetry/utils/__init__.py +++ b/model-optimizer/telemetry/utils/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/model-optimizer/telemetry/utils/guid.py b/model-optimizer/telemetry/utils/guid.py index ba75c74baeaaf2..8bc765365ae2dd 100644 --- a/model-optimizer/telemetry/utils/guid.py +++ b/model-optimizer/telemetry/utils/guid.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import os from platform import system diff --git a/model-optimizer/telemetry/utils/isip.py b/model-optimizer/telemetry/utils/isip.py index d9325493f5d84b..9475ce381face8 100644 --- a/model-optimizer/telemetry/utils/isip.py +++ b/model-optimizer/telemetry/utils/isip.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2017-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import os from enum import Enum from platform import system diff --git a/model-optimizer/telemetry/utils/message.py b/model-optimizer/telemetry/utils/message.py index ea4e7bd2f7878c..a6ea1b4f643c4b 100644 --- a/model-optimizer/telemetry/utils/message.py +++ b/model-optimizer/telemetry/utils/message.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2017-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from enum import Enum diff --git a/model-optimizer/telemetry/utils/sender.py b/model-optimizer/telemetry/utils/sender.py index 481984ce7a6411..f3f456ce4de2eb 100644 --- a/model-optimizer/telemetry/utils/sender.py +++ b/model-optimizer/telemetry/utils/sender.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2017-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import threading from concurrent import futures from time import sleep diff --git a/model-optimizer/telemetry/utils/sender_test.py b/model-optimizer/telemetry/utils/sender_test.py index 45214e8f7e3c81..4dca81e3f27349 100644 --- a/model-optimizer/telemetry/utils/sender_test.py +++ b/model-optimizer/telemetry/utils/sender_test.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import unittest import time diff --git a/ngraph/python/setup.py b/ngraph/python/setup.py index d79eaa3ed1d542..dfbb03fad98c00 100644 --- a/ngraph/python/setup.py +++ b/ngraph/python/setup.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import os import pathlib diff --git a/ngraph/python/src/ngraph/__init__.py b/ngraph/python/src/ngraph/__init__.py index bc41e932e54eb4..25bba07cae0392 100644 --- a/ngraph/python/src/ngraph/__init__.py +++ b/ngraph/python/src/ngraph/__init__.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + """ngraph module namespace, exposing factory functions for all ops and other classes.""" # noqa: F401 diff --git a/ngraph/python/src/ngraph/exceptions.py b/ngraph/python/src/ngraph/exceptions.py index 704c6925e7cf7e..8685218e5fcbf3 100644 --- a/ngraph/python/src/ngraph/exceptions.py +++ b/ngraph/python/src/ngraph/exceptions.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + """ngraph exceptions hierarchy. All exceptions are descendants of NgraphError.""" diff --git a/ngraph/python/src/ngraph/helpers.py b/ngraph/python/src/ngraph/helpers.py index 8c7a7ef6600bfe..d69a3b86529e32 100644 --- a/ngraph/python/src/ngraph/helpers.py +++ b/ngraph/python/src/ngraph/helpers.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + """nGraph helper functions.""" from ngraph.impl import Function diff --git a/ngraph/python/src/ngraph/impl/__init__.py b/ngraph/python/src/ngraph/impl/__init__.py index 470e58041e6734..259a6e277f0e2b 100644 --- a/ngraph/python/src/ngraph/impl/__init__.py +++ b/ngraph/python/src/ngraph/impl/__init__.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + """ Package: ngraph Low level wrappers for the nGraph c++ api. diff --git a/ngraph/python/src/ngraph/impl/op/__init__.py b/ngraph/python/src/ngraph/impl/op/__init__.py index 159563c034e3e2..808d21dce48d35 100644 --- a/ngraph/python/src/ngraph/impl/op/__init__.py +++ b/ngraph/python/src/ngraph/impl/op/__init__.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + """ Package: ngraph.op Low level wrappers for the nGraph c++ api in ngraph::op. diff --git a/ngraph/python/src/ngraph/impl/op/util/__init__.py b/ngraph/python/src/ngraph/impl/op/util/__init__.py index 9f4be31bc2cd61..45f4089103d92a 100644 --- a/ngraph/python/src/ngraph/impl/op/util/__init__.py +++ b/ngraph/python/src/ngraph/impl/op/util/__init__.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + """ Package: ngraph.op.util Low level wrappers for the nGraph c++ api in ngraph::op::util. diff --git a/ngraph/python/src/ngraph/impl/passes/__init__.py b/ngraph/python/src/ngraph/impl/passes/__init__.py index c4d51ec1f0e445..be56112167d1df 100644 --- a/ngraph/python/src/ngraph/impl/passes/__init__.py +++ b/ngraph/python/src/ngraph/impl/passes/__init__.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + # flake8: noqa from _pyngraph.passes import Manager diff --git a/ngraph/python/src/ngraph/opset1/__init__.py b/ngraph/python/src/ngraph/opset1/__init__.py index 80e31e0b55005c..6e21b398a1d81a 100644 --- a/ngraph/python/src/ngraph/opset1/__init__.py +++ b/ngraph/python/src/ngraph/opset1/__init__.py @@ -1,19 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from ngraph.opset1.ops import absolute from ngraph.opset1.ops import absolute as abs diff --git a/ngraph/python/src/ngraph/opset1/ops.py b/ngraph/python/src/ngraph/opset1/ops.py index e57bb29ae2a054..25a2a05b639092 100644 --- a/ngraph/python/src/ngraph/opset1/ops.py +++ b/ngraph/python/src/ngraph/opset1/ops.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 """Factory functions for all ngraph ops.""" from typing import Callable, Iterable, List, Optional, Set, Union diff --git a/ngraph/python/src/ngraph/opset2/__init__.py b/ngraph/python/src/ngraph/opset2/__init__.py index 65619929b329f6..5de3e14a5186c4 100644 --- a/ngraph/python/src/ngraph/opset2/__init__.py +++ b/ngraph/python/src/ngraph/opset2/__init__.py @@ -1,19 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from ngraph.opset1.ops import absolute from ngraph.opset1.ops import absolute as abs diff --git a/ngraph/python/src/ngraph/opset2/ops.py b/ngraph/python/src/ngraph/opset2/ops.py index 0f7317a5a157a1..a623b8b978016b 100644 --- a/ngraph/python/src/ngraph/opset2/ops.py +++ b/ngraph/python/src/ngraph/opset2/ops.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 """Factory functions for all ngraph ops.""" from typing import Callable, Iterable, List, Optional, Set, Union diff --git a/ngraph/python/src/ngraph/opset3/__init__.py b/ngraph/python/src/ngraph/opset3/__init__.py index a3d7a6239e65b9..c282ad29144e7e 100644 --- a/ngraph/python/src/ngraph/opset3/__init__.py +++ b/ngraph/python/src/ngraph/opset3/__init__.py @@ -1,19 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from ngraph.opset1.ops import absolute from ngraph.opset1.ops import absolute as abs diff --git a/ngraph/python/src/ngraph/opset3/ops.py b/ngraph/python/src/ngraph/opset3/ops.py index f6bb1bd147c13c..deef87bb796059 100644 --- a/ngraph/python/src/ngraph/opset3/ops.py +++ b/ngraph/python/src/ngraph/opset3/ops.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 """Factory functions for all ngraph ops.""" from typing import Callable, Iterable, List, Optional, Set, Union diff --git a/ngraph/python/src/ngraph/opset4/__init__.py b/ngraph/python/src/ngraph/opset4/__init__.py index 9eb6ffe7dde551..9fe28bac514337 100644 --- a/ngraph/python/src/ngraph/opset4/__init__.py +++ b/ngraph/python/src/ngraph/opset4/__init__.py @@ -1,19 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from ngraph.opset1.ops import absolute from ngraph.opset1.ops import absolute as abs diff --git a/ngraph/python/src/ngraph/opset4/ops.py b/ngraph/python/src/ngraph/opset4/ops.py index 7bfd213e0d3a7a..6526f17cc17410 100644 --- a/ngraph/python/src/ngraph/opset4/ops.py +++ b/ngraph/python/src/ngraph/opset4/ops.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 """Factory functions for all ngraph ops.""" from typing import Callable, Iterable, List, Optional, Set, Union diff --git a/ngraph/python/src/ngraph/opset5/__init__.py b/ngraph/python/src/ngraph/opset5/__init__.py index cbffb85c4967be..a475bc9972e519 100644 --- a/ngraph/python/src/ngraph/opset5/__init__.py +++ b/ngraph/python/src/ngraph/opset5/__init__.py @@ -1,19 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from ngraph.opset1.ops import absolute from ngraph.opset1.ops import absolute as abs diff --git a/ngraph/python/src/ngraph/opset5/ops.py b/ngraph/python/src/ngraph/opset5/ops.py index 7f979d6aa72f16..134dd3b8292340 100644 --- a/ngraph/python/src/ngraph/opset5/ops.py +++ b/ngraph/python/src/ngraph/opset5/ops.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 """Factory functions for all ngraph ops.""" from typing import Callable, Iterable, List, Optional, Set, Union diff --git a/ngraph/python/src/ngraph/opset6/__init__.py b/ngraph/python/src/ngraph/opset6/__init__.py index 897d888f0fda85..5a5a3a2c4cc73d 100644 --- a/ngraph/python/src/ngraph/opset6/__init__.py +++ b/ngraph/python/src/ngraph/opset6/__init__.py @@ -1,19 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from ngraph.opset1.ops import absolute from ngraph.opset1.ops import absolute as abs diff --git a/ngraph/python/src/ngraph/opset6/ops.py b/ngraph/python/src/ngraph/opset6/ops.py index b60d3e4d1b5297..7260a6fdcf9e85 100644 --- a/ngraph/python/src/ngraph/opset6/ops.py +++ b/ngraph/python/src/ngraph/opset6/ops.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 """Factory functions for all ngraph ops.""" from typing import Callable, Iterable, List, Optional, Set, Union diff --git a/ngraph/python/src/ngraph/opset7/__init__.py b/ngraph/python/src/ngraph/opset7/__init__.py index f2a46a7a6145d7..c665b1e68efa70 100644 --- a/ngraph/python/src/ngraph/opset7/__init__.py +++ b/ngraph/python/src/ngraph/opset7/__init__.py @@ -1,19 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** - +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from ngraph.opset1.ops import absolute from ngraph.opset1.ops import absolute as abs diff --git a/ngraph/python/src/ngraph/opset7/ops.py b/ngraph/python/src/ngraph/opset7/ops.py index 3d0b80b815a679..ef2dfc9af0b9d7 100644 --- a/ngraph/python/src/ngraph/opset7/ops.py +++ b/ngraph/python/src/ngraph/opset7/ops.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 """Factory functions for all ngraph ops.""" from typing import Callable, Iterable, List, Optional, Set, Union diff --git a/ngraph/python/src/ngraph/opset_utils.py b/ngraph/python/src/ngraph/opset_utils.py index 09cb5aab9e5519..f925fdee119698 100644 --- a/ngraph/python/src/ngraph/opset_utils.py +++ b/ngraph/python/src/ngraph/opset_utils.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from typing import Optional import numpy as np diff --git a/ngraph/python/src/ngraph/utils/__init__.py b/ngraph/python/src/ngraph/utils/__init__.py index 4ec425fca3ed66..92b6b085ab8058 100644 --- a/ngraph/python/src/ngraph/utils/__init__.py +++ b/ngraph/python/src/ngraph/utils/__init__.py @@ -1,16 +1,4 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + """Generic utilities. Factor related functions out to separate files.""" diff --git a/ngraph/python/src/ngraph/utils/broadcasting.py b/ngraph/python/src/ngraph/utils/broadcasting.py index a6c52f44560541..db9ab7e9b9f10f 100644 --- a/ngraph/python/src/ngraph/utils/broadcasting.py +++ b/ngraph/python/src/ngraph/utils/broadcasting.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import logging from typing import List diff --git a/ngraph/python/src/ngraph/utils/decorators.py b/ngraph/python/src/ngraph/utils/decorators.py index 6c3ca386ed6b55..276839df08c348 100644 --- a/ngraph/python/src/ngraph/utils/decorators.py +++ b/ngraph/python/src/ngraph/utils/decorators.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + from functools import wraps from typing import Any, Callable diff --git a/ngraph/python/src/ngraph/utils/input_validation.py b/ngraph/python/src/ngraph/utils/input_validation.py index 2128bee88fdb7f..6a39335d16cb6c 100644 --- a/ngraph/python/src/ngraph/utils/input_validation.py +++ b/ngraph/python/src/ngraph/utils/input_validation.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 """Helper functions for validating user input.""" diff --git a/ngraph/python/src/ngraph/utils/node_factory.py b/ngraph/python/src/ngraph/utils/node_factory.py index c75e516a650a74..bfac8c5bdca9a3 100644 --- a/ngraph/python/src/ngraph/utils/node_factory.py +++ b/ngraph/python/src/ngraph/utils/node_factory.py @@ -1,3 +1,6 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + from functools import partial from typing import Any, Dict, List, Optional, Union diff --git a/ngraph/python/src/ngraph/utils/reduction.py b/ngraph/python/src/ngraph/utils/reduction.py index 48f5f83cf90337..85bbd1f20a019b 100644 --- a/ngraph/python/src/ngraph/utils/reduction.py +++ b/ngraph/python/src/ngraph/utils/reduction.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from typing import Iterable, Optional diff --git a/ngraph/python/src/ngraph/utils/tensor_iterator_types.py b/ngraph/python/src/ngraph/utils/tensor_iterator_types.py index 3e7d70b952e7bc..0d37e30f2f01c5 100644 --- a/ngraph/python/src/ngraph/utils/tensor_iterator_types.py +++ b/ngraph/python/src/ngraph/utils/tensor_iterator_types.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + """Helper classes for aggregating TensorIterator input/output desciptor attributes.""" from typing import List diff --git a/ngraph/python/src/ngraph/utils/types.py b/ngraph/python/src/ngraph/utils/types.py index ab48e2b44d39e7..4e3b2f631328c8 100644 --- a/ngraph/python/src/ngraph/utils/types.py +++ b/ngraph/python/src/ngraph/utils/types.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + """Functions related to converting between Python and numpy types and ngraph types.""" import logging diff --git a/ngraph/python/src/pyngraph/util.py b/ngraph/python/src/pyngraph/util.py index 4c5927451b00b1..9e54dd5eab2f2d 100644 --- a/ngraph/python/src/pyngraph/util.py +++ b/ngraph/python/src/pyngraph/util.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + # flake8: noqa from _pyngraph import util diff --git a/ngraph/python/tests/__init__.py b/ngraph/python/tests/__init__.py index b900898566971b..b76cf6a7672394 100644 --- a/ngraph/python/tests/__init__.py +++ b/ngraph/python/tests/__init__.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import pytest # test.BACKEND_NAME is a configuration variable determining which diff --git a/ngraph/python/tests/conftest.py b/ngraph/python/tests/conftest.py index 6f2c79f804b068..a92ba79ed8029b 100644 --- a/ngraph/python/tests/conftest.py +++ b/ngraph/python/tests/conftest.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import os import pytest diff --git a/ngraph/python/tests/runtime.py b/ngraph/python/tests/runtime.py index 304bce157b42fa..20035fb66b71a8 100644 --- a/ngraph/python/tests/runtime.py +++ b/ngraph/python/tests/runtime.py @@ -1,19 +1,8 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + """Provide a layer of abstraction for an OpenVINO runtime environment.""" + import logging from typing import Dict, List, Union diff --git a/ngraph/python/tests/test_ngraph/__init__.py b/ngraph/python/tests/test_ngraph/__init__.py index bdc7c158696026..b274453fb17e08 100644 --- a/ngraph/python/tests/test_ngraph/__init__.py +++ b/ngraph/python/tests/test_ngraph/__init__.py @@ -1,3 +1,6 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + # ngraph.dll directory path visibility is needed to use _pyngraph module # import below causes adding this path to os.environ["PATH"] import ngraph # noqa: F401 'imported but unused' diff --git a/ngraph/python/tests/test_ngraph/test_basic.py b/ngraph/python/tests/test_ngraph/test_basic.py index 3c234061edc80f..9eda56b5599af2 100644 --- a/ngraph/python/tests/test_ngraph/test_basic.py +++ b/ngraph/python/tests/test_ngraph/test_basic.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import json import numpy as np diff --git a/ngraph/python/tests/test_ngraph/test_convolution.py b/ngraph/python/tests/test_ngraph/test_convolution.py index 7965955d1c8d90..6e6500ee63a0fd 100644 --- a/ngraph/python/tests/test_ngraph/test_convolution.py +++ b/ngraph/python/tests/test_ngraph/test_convolution.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/ngraph/python/tests/test_ngraph/test_core.py b/ngraph/python/tests/test_ngraph/test_core.py index bf4f7750360854..b37752839bb2a1 100644 --- a/ngraph/python/tests/test_ngraph/test_core.py +++ b/ngraph/python/tests/test_ngraph/test_core.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import ngraph as ng diff --git a/ngraph/python/tests/test_ngraph/test_create_op.py b/ngraph/python/tests/test_ngraph/test_create_op.py index 3dde413ab2d631..a14c7fc8d36da8 100644 --- a/ngraph/python/tests/test_ngraph/test_create_op.py +++ b/ngraph/python/tests/test_ngraph/test_create_op.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import pytest from _pyngraph import PartialShape diff --git a/ngraph/python/tests/test_ngraph/test_ctc_loss.py b/ngraph/python/tests/test_ngraph/test_ctc_loss.py index a9da5c630ab17a..7c977eacb757b0 100644 --- a/ngraph/python/tests/test_ngraph/test_ctc_loss.py +++ b/ngraph/python/tests/test_ngraph/test_ctc_loss.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import ngraph as ng diff --git a/ngraph/python/tests/test_ngraph/test_data_movement.py b/ngraph/python/tests/test_ngraph/test_data_movement.py index 0e18ed687c8404..aa1c41dbfd909c 100644 --- a/ngraph/python/tests/test_ngraph/test_data_movement.py +++ b/ngraph/python/tests/test_ngraph/test_data_movement.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import ngraph as ng diff --git a/ngraph/python/tests/test_ngraph/test_dyn_attributes.py b/ngraph/python/tests/test_ngraph/test_dyn_attributes.py index 2c4220601cf8c5..a945ec91ef05cc 100644 --- a/ngraph/python/tests/test_ngraph/test_dyn_attributes.py +++ b/ngraph/python/tests/test_ngraph/test_dyn_attributes.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import pytest diff --git a/ngraph/python/tests/test_ngraph/test_input_validation.py b/ngraph/python/tests/test_ngraph/test_input_validation.py index a7ac68072153d9..ca31e065b8f04e 100644 --- a/ngraph/python/tests/test_ngraph/test_input_validation.py +++ b/ngraph/python/tests/test_ngraph/test_input_validation.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import pytest diff --git a/ngraph/python/tests/test_ngraph/test_log_softmax.py b/ngraph/python/tests/test_ngraph/test_log_softmax.py index 6dda1e707b9acd..2506c591c052c7 100644 --- a/ngraph/python/tests/test_ngraph/test_log_softmax.py +++ b/ngraph/python/tests/test_ngraph/test_log_softmax.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import ngraph as ng from ngraph.impl import Shape, Type diff --git a/ngraph/python/tests/test_ngraph/test_manager.py b/ngraph/python/tests/test_ngraph/test_manager.py index c58ad3bf6f52c2..2c0c79e3f5a9f8 100644 --- a/ngraph/python/tests/test_ngraph/test_manager.py +++ b/ngraph/python/tests/test_ngraph/test_manager.py @@ -1,19 +1,8 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + # flake8: noqa + import json import numpy as np diff --git a/ngraph/python/tests/test_ngraph/test_node_factory.py b/ngraph/python/tests/test_ngraph/test_node_factory.py index 22e7e08ee38265..e47ad8ee75d15e 100644 --- a/ngraph/python/tests/test_ngraph/test_node_factory.py +++ b/ngraph/python/tests/test_ngraph/test_node_factory.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import ngraph as ng from ngraph.utils.node_factory import NodeFactory diff --git a/ngraph/python/tests/test_ngraph/test_normalization.py b/ngraph/python/tests/test_ngraph/test_normalization.py index 5c76840ecbee8b..50d3a1c5a214be 100644 --- a/ngraph/python/tests/test_ngraph/test_normalization.py +++ b/ngraph/python/tests/test_ngraph/test_normalization.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np diff --git a/ngraph/python/tests/test_ngraph/test_ops.py b/ngraph/python/tests/test_ngraph/test_ops.py index a879ab3426f91b..bbe22553cd9d21 100644 --- a/ngraph/python/tests/test_ngraph/test_ops.py +++ b/ngraph/python/tests/test_ngraph/test_ops.py @@ -1,19 +1,8 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + # flake8: noqa + import numpy as np import ngraph as ng diff --git a/ngraph/python/tests/test_ngraph/test_ops_binary.py b/ngraph/python/tests/test_ngraph/test_ops_binary.py index 4ed694cde368e7..118c06faf6abef 100644 --- a/ngraph/python/tests/test_ngraph/test_ops_binary.py +++ b/ngraph/python/tests/test_ngraph/test_ops_binary.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import operator import numpy as np diff --git a/ngraph/python/tests/test_ngraph/test_ops_fused.py b/ngraph/python/tests/test_ngraph/test_ops_fused.py index 4aa63fffaa69dc..121cae2b157a2c 100644 --- a/ngraph/python/tests/test_ngraph/test_ops_fused.py +++ b/ngraph/python/tests/test_ngraph/test_ops_fused.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import pytest diff --git a/ngraph/python/tests/test_ngraph/test_ops_matmul.py b/ngraph/python/tests/test_ngraph/test_ops_matmul.py index c721c4685f0d05..330bb296758f95 100644 --- a/ngraph/python/tests/test_ngraph/test_ops_matmul.py +++ b/ngraph/python/tests/test_ngraph/test_ops_matmul.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import pytest diff --git a/ngraph/python/tests/test_ngraph/test_ops_multioutput.py b/ngraph/python/tests/test_ngraph/test_ops_multioutput.py index 26b193d2176deb..9f0c7efd46dac0 100644 --- a/ngraph/python/tests/test_ngraph/test_ops_multioutput.py +++ b/ngraph/python/tests/test_ngraph/test_ops_multioutput.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import ngraph as ng diff --git a/ngraph/python/tests/test_ngraph/test_ops_reshape.py b/ngraph/python/tests/test_ngraph/test_ops_reshape.py index 3a164296489a53..85ec57739fb1f1 100644 --- a/ngraph/python/tests/test_ngraph/test_ops_reshape.py +++ b/ngraph/python/tests/test_ngraph/test_ops_reshape.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import pytest diff --git a/ngraph/python/tests/test_ngraph/test_ops_scatter.py b/ngraph/python/tests/test_ngraph/test_ops_scatter.py index 8ffb41f3a49030..b762f1068a1e1a 100644 --- a/ngraph/python/tests/test_ngraph/test_ops_scatter.py +++ b/ngraph/python/tests/test_ngraph/test_ops_scatter.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import ngraph as ng diff --git a/ngraph/python/tests/test_ngraph/test_ops_unary.py b/ngraph/python/tests/test_ngraph/test_ops_unary.py index 667f3778783878..f10f77c9030b87 100644 --- a/ngraph/python/tests/test_ngraph/test_ops_unary.py +++ b/ngraph/python/tests/test_ngraph/test_ops_unary.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import pytest diff --git a/ngraph/python/tests/test_ngraph/test_pooling.py b/ngraph/python/tests/test_ngraph/test_pooling.py index c522f3eaf39fdf..afee2ede43f54f 100644 --- a/ngraph/python/tests/test_ngraph/test_pooling.py +++ b/ngraph/python/tests/test_ngraph/test_pooling.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import pytest diff --git a/ngraph/python/tests/test_ngraph/test_proposal.py b/ngraph/python/tests/test_ngraph/test_proposal.py index 9d260dad668a49..0c99934b1ba41e 100644 --- a/ngraph/python/tests/test_ngraph/test_proposal.py +++ b/ngraph/python/tests/test_ngraph/test_proposal.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import ngraph as ng from ngraph.impl import Shape, Type diff --git a/ngraph/python/tests/test_ngraph/test_reduction.py b/ngraph/python/tests/test_ngraph/test_reduction.py index 4f24764eef2214..2222b98b02700f 100644 --- a/ngraph/python/tests/test_ngraph/test_reduction.py +++ b/ngraph/python/tests/test_ngraph/test_reduction.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import pytest from _pyngraph import PartialShape, Dimension diff --git a/ngraph/python/tests/test_ngraph/test_sequence_processing.py b/ngraph/python/tests/test_ngraph/test_sequence_processing.py index e1cb52a41be9a6..d3884763246344 100644 --- a/ngraph/python/tests/test_ngraph/test_sequence_processing.py +++ b/ngraph/python/tests/test_ngraph/test_sequence_processing.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import ngraph as ng diff --git a/ngraph/python/tests/test_ngraph/test_swish.py b/ngraph/python/tests/test_ngraph/test_swish.py index 51b587537aada1..17b418beaca704 100644 --- a/ngraph/python/tests/test_ngraph/test_swish.py +++ b/ngraph/python/tests/test_ngraph/test_swish.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import ngraph as ng from ngraph.impl import Shape, Type diff --git a/ngraph/python/tests/test_ngraph/util.py b/ngraph/python/tests/test_ngraph/util.py index 227b41fc71b7d8..da8e6dac6ec616 100644 --- a/ngraph/python/tests/test_ngraph/util.py +++ b/ngraph/python/tests/test_ngraph/util.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from typing import Any, Callable, List diff --git a/ngraph/python/tests/test_onnx/__init__.py b/ngraph/python/tests/test_onnx/__init__.py index e69de29bb2d1d6..dc8ba3c4598ddc 100644 --- a/ngraph/python/tests/test_onnx/__init__.py +++ b/ngraph/python/tests/test_onnx/__init__.py @@ -0,0 +1,2 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 diff --git a/ngraph/python/tests/test_onnx/test_backend.py b/ngraph/python/tests/test_onnx/test_backend.py index 15cad4a01ca24b..5efde34aa8bccf 100644 --- a/ngraph/python/tests/test_onnx/test_backend.py +++ b/ngraph/python/tests/test_onnx/test_backend.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2018-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging diff --git a/ngraph/python/tests/test_onnx/test_onnx_external_data.py b/ngraph/python/tests/test_onnx/test_onnx_external_data.py index c5672702438b91..243119a23f79e4 100644 --- a/ngraph/python/tests/test_onnx/test_onnx_external_data.py +++ b/ngraph/python/tests/test_onnx/test_onnx_external_data.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import os diff --git a/ngraph/python/tests/test_onnx/test_onnx_import.py b/ngraph/python/tests/test_onnx/test_onnx_import.py index df44af99fdebb4..6c2c5d4109416f 100644 --- a/ngraph/python/tests/test_onnx/test_onnx_import.py +++ b/ngraph/python/tests/test_onnx/test_onnx_import.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import os diff --git a/ngraph/python/tests/test_onnx/test_ops_batchnorm.py b/ngraph/python/tests/test_onnx/test_ops_batchnorm.py index c90ce822476c69..5571c581d5c539 100644 --- a/ngraph/python/tests/test_onnx/test_ops_batchnorm.py +++ b/ngraph/python/tests/test_onnx/test_ops_batchnorm.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2018-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np import onnx diff --git a/ngraph/python/tests/test_onnx/test_ops_binary.py b/ngraph/python/tests/test_onnx/test_ops_binary.py index 6d33ac32852d5c..6f6261b6052c19 100644 --- a/ngraph/python/tests/test_onnx/test_ops_binary.py +++ b/ngraph/python/tests/test_onnx/test_ops_binary.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2018-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import onnx import pytest diff --git a/ngraph/python/tests/test_onnx/test_ops_convpool.py b/ngraph/python/tests/test_onnx/test_ops_convpool.py index 685aed9c0a4675..720cc319cb9a63 100644 --- a/ngraph/python/tests/test_onnx/test_ops_convpool.py +++ b/ngraph/python/tests/test_onnx/test_ops_convpool.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2018-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import onnx import pytest diff --git a/ngraph/python/tests/test_onnx/test_ops_logical.py b/ngraph/python/tests/test_onnx/test_ops_logical.py index 36006e37dea70b..150d50673586ef 100644 --- a/ngraph/python/tests/test_onnx/test_ops_logical.py +++ b/ngraph/python/tests/test_onnx/test_ops_logical.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2018-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import onnx import pytest diff --git a/ngraph/python/tests/test_onnx/test_ops_matmul.py b/ngraph/python/tests/test_onnx/test_ops_matmul.py index 5aa28a1161ed07..b6ed1cd1d56608 100644 --- a/ngraph/python/tests/test_onnx/test_ops_matmul.py +++ b/ngraph/python/tests/test_onnx/test_ops_matmul.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2018-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import onnx from onnx.helper import make_graph, make_model, make_node, make_tensor_value_info diff --git a/ngraph/python/tests/test_onnx/test_ops_nonlinear.py b/ngraph/python/tests/test_onnx/test_ops_nonlinear.py index 3920f019722147..60562c53ecf51b 100644 --- a/ngraph/python/tests/test_onnx/test_ops_nonlinear.py +++ b/ngraph/python/tests/test_onnx/test_ops_nonlinear.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2018-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import onnx import pytest diff --git a/ngraph/python/tests/test_onnx/test_ops_reduction.py b/ngraph/python/tests/test_onnx/test_ops_reduction.py index c46399f2e15cec..181ae73fd36787 100644 --- a/ngraph/python/tests/test_onnx/test_ops_reduction.py +++ b/ngraph/python/tests/test_onnx/test_ops_reduction.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2018-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import onnx import pytest diff --git a/ngraph/python/tests/test_onnx/test_ops_reshape.py b/ngraph/python/tests/test_onnx/test_ops_reshape.py index b434d87b207539..e6fa1972e7ff1f 100644 --- a/ngraph/python/tests/test_onnx/test_ops_reshape.py +++ b/ngraph/python/tests/test_onnx/test_ops_reshape.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2018-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import onnx import pytest diff --git a/ngraph/python/tests/test_onnx/test_ops_unary.py b/ngraph/python/tests/test_onnx/test_ops_unary.py index 6ad24209e1be4a..1dd29c56a112bf 100644 --- a/ngraph/python/tests/test_onnx/test_ops_unary.py +++ b/ngraph/python/tests/test_onnx/test_ops_unary.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2018-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import onnx import onnx.mapping diff --git a/ngraph/python/tests/test_onnx/test_ops_variadic.py b/ngraph/python/tests/test_onnx/test_ops_variadic.py index 8c9301d9095ae9..756d2cf1d88a88 100644 --- a/ngraph/python/tests/test_onnx/test_ops_variadic.py +++ b/ngraph/python/tests/test_onnx/test_ops_variadic.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2018-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + from functools import reduce import numpy as np diff --git a/ngraph/python/tests/test_onnx/test_zoo_models.py b/ngraph/python/tests/test_onnx/test_zoo_models.py index e7bc9d8f5cfc89..449ad50457aef0 100644 --- a/ngraph/python/tests/test_onnx/test_zoo_models.py +++ b/ngraph/python/tests/test_onnx/test_zoo_models.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2018-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import pytest import tests diff --git a/ngraph/python/tests/test_onnx/utils/__init__.py b/ngraph/python/tests/test_onnx/utils/__init__.py index 6bf870d2e74b29..ede685b6036db3 100644 --- a/ngraph/python/tests/test_onnx/utils/__init__.py +++ b/ngraph/python/tests/test_onnx/utils/__init__.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from string import ascii_uppercase from typing import Any, Dict, Iterable, List, Optional, Text diff --git a/ngraph/python/tests/test_onnx/utils/model_importer.py b/ngraph/python/tests/test_onnx/utils/model_importer.py index 01ad64149978a4..44e09e4860f9cd 100644 --- a/ngraph/python/tests/test_onnx/utils/model_importer.py +++ b/ngraph/python/tests/test_onnx/utils/model_importer.py @@ -1,18 +1,5 @@ -# ****************************************************************************** -# Copyright 2018-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import numpy as np import onnx diff --git a/ngraph/python/tests/test_onnx/utils/onnx_backend.py b/ngraph/python/tests/test_onnx/utils/onnx_backend.py index e1b8bdad044471..20be8c9ccefd1f 100644 --- a/ngraph/python/tests/test_onnx/utils/onnx_backend.py +++ b/ngraph/python/tests/test_onnx/utils/onnx_backend.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2018-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + """ ONNX Backend implementation. diff --git a/ngraph/python/tests/test_onnx/utils/onnx_helpers.py b/ngraph/python/tests/test_onnx/utils/onnx_helpers.py index 26cf0c3ed0816f..6e4a9d99f2351e 100644 --- a/ngraph/python/tests/test_onnx/utils/onnx_helpers.py +++ b/ngraph/python/tests/test_onnx/utils/onnx_helpers.py @@ -1,18 +1,6 @@ -# ****************************************************************************** -# Copyright 2018-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ****************************************************************************** +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import numpy as np import onnx from onnx.mapping import NP_TYPE_TO_TENSOR_TYPE diff --git a/ngraph/test/models/onnx/onnx_prototxt_converter.py b/ngraph/test/models/onnx/onnx_prototxt_converter.py index ad2c9933daf17b..d8e06d58698955 100644 --- a/ngraph/test/models/onnx/onnx_prototxt_converter.py +++ b/ngraph/test/models/onnx/onnx_prototxt_converter.py @@ -1,19 +1,8 @@ #!/usr/bin/env python -# ***************************************************************************** -# Copyright 2017-2021 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. -# ***************************************************************************** + +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + """Converts protobuf files from binary message format into prototxt format and vice-versa. Supports files with only '.onnx' or '.prototxt' extensions. Application may accept only single diff --git a/ngraph/test/util/unit-test-execution/conftest.py b/ngraph/test/util/unit-test-execution/conftest.py index 5937fb88580e4c..796e74b3f40f96 100644 --- a/ngraph/test/util/unit-test-execution/conftest.py +++ b/ngraph/test/util/unit-test-execution/conftest.py @@ -1,3 +1,6 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import logging as log import sys import subprocess diff --git a/ngraph/test/util/unit-test-execution/unit_test_executable.py b/ngraph/test/util/unit-test-execution/unit_test_executable.py index 8f747d39b94021..173d973f089fe4 100644 --- a/ngraph/test/util/unit-test-execution/unit_test_executable.py +++ b/ngraph/test/util/unit-test-execution/unit_test_executable.py @@ -1,3 +1,6 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import logging as log import sys import os diff --git a/openvino/conditional_compilation/scripts/ccheader.py b/openvino/conditional_compilation/scripts/ccheader.py index f0527af6ebba10..15dcbc892c1b96 100755 --- a/openvino/conditional_compilation/scripts/ccheader.py +++ b/openvino/conditional_compilation/scripts/ccheader.py @@ -1,18 +1,7 @@ #!/usr/bin/env python3 -# Copyright (c) 2020 Intel Corporation -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 # The main purpose of this script is code generation for conditional compilation. # After collecting statistics using IntelSEAPI, several CSV files are generated. diff --git a/scripts/utils/create_package.py b/scripts/utils/create_package.py index 6eb53adbb14d66..6d9703b539bd51 100644 --- a/scripts/utils/create_package.py +++ b/scripts/utils/create_package.py @@ -1,3 +1,6 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import argparse import os from shutil import rmtree diff --git a/scripts/utils/utils.py b/scripts/utils/utils.py index 7d33e9e72d7adc..fb6df995f4e980 100644 --- a/scripts/utils/utils.py +++ b/scripts/utils/utils.py @@ -1,3 +1,6 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + import os import subprocess import tarfile diff --git a/tests/conditional_compilation/conftest.py b/tests/conditional_compilation/conftest.py index 0f67798fbfd4d5..04618ea9946c9d 100644 --- a/tests/conditional_compilation/conftest.py +++ b/tests/conditional_compilation/conftest.py @@ -1,5 +1,6 @@ #!/usr/bin/env python3 -# Copyright (C) 2021 Intel Corporation + +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 # pylint: disable=line-too-long diff --git a/tests/conditional_compilation/test_collect.py b/tests/conditional_compilation/test_collect.py index f58271a06c921a..055b1cd7b28cac 100644 --- a/tests/conditional_compilation/test_collect.py +++ b/tests/conditional_compilation/test_collect.py @@ -1,5 +1,6 @@ #!/usr/bin/env python3 -# Copyright (C) 2021 Intel Corporation + +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 """ Test conditional compilation statistics collection. diff --git a/tests/conditional_compilation/test_infer.py b/tests/conditional_compilation/test_infer.py index 8b15ed8591c839..312cf43eefdd7e 100644 --- a/tests/conditional_compilation/test_infer.py +++ b/tests/conditional_compilation/test_infer.py @@ -1,5 +1,6 @@ #!/usr/bin/env python3 -# Copyright (C) 2021 Intel Corporation + +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 """ Test inference with conditional compiled binaries. diff --git a/tests/conditional_compilation/test_size_tracking.py b/tests/conditional_compilation/test_size_tracking.py index f80a0b49b2d7c9..c6185531baec3f 100644 --- a/tests/conditional_compilation/test_size_tracking.py +++ b/tests/conditional_compilation/test_size_tracking.py @@ -1,3 +1,6 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + from pathlib import Path import logging diff --git a/tests/conditional_compilation/tools/infer_tool.py b/tests/conditional_compilation/tools/infer_tool.py index d2998f3770eeab..9cc705d5c5f85d 100644 --- a/tests/conditional_compilation/tools/infer_tool.py +++ b/tests/conditional_compilation/tools/infer_tool.py @@ -1,5 +1,6 @@ # !/usr/bin/env python3 -# Copyright (C) 2021 Intel Corporation + +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 # pylint:disable=invalid-name,no-name-in-module,logging-format-interpolation,redefined-outer-name diff --git a/tests/lib/__init__.py b/tests/lib/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/tests/lib/__init__.py +++ b/tests/lib/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/tests/lib/install_pkg.py b/tests/lib/install_pkg.py index 5729ac5b413147..c45d985c10a111 100644 --- a/tests/lib/install_pkg.py +++ b/tests/lib/install_pkg.py @@ -1,5 +1,6 @@ #!/usr/bin/env python3 -# Copyright (C) 2021 Intel Corporation + +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 """ Common utilities for OpenVINO install package. diff --git a/tests/lib/path_utils.py b/tests/lib/path_utils.py index cd86a36d89d64c..f97da037c5facd 100644 --- a/tests/lib/path_utils.py +++ b/tests/lib/path_utils.py @@ -1,5 +1,6 @@ #!/usr/bin/env python3 -# Copyright (C) 2021 Intel Corporation + +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 """ Common utilities for working with paths diff --git a/tests/lib/proc_utils.py b/tests/lib/proc_utils.py index 8057765bfc08a4..1eaf6a6bed94f6 100644 --- a/tests/lib/proc_utils.py +++ b/tests/lib/proc_utils.py @@ -1,5 +1,6 @@ #!/usr/bin/env python3 -# Copyright (C) 2021 Intel Corporation + +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 """ Common utilities for working with processes. diff --git a/tests/stress_tests/scripts/__init__.py b/tests/stress_tests/scripts/__init__.py index e69de29bb2d1d6..60324954ef522e 100644 --- a/tests/stress_tests/scripts/__init__.py +++ b/tests/stress_tests/scripts/__init__.py @@ -0,0 +1,3 @@ +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + diff --git a/tests/stress_tests/scripts/compare_memcheck_2_runs.py b/tests/stress_tests/scripts/compare_memcheck_2_runs.py index 92f06995a0f193..7af2f90f490129 100644 --- a/tests/stress_tests/scripts/compare_memcheck_2_runs.py +++ b/tests/stress_tests/scripts/compare_memcheck_2_runs.py @@ -1,7 +1,7 @@ #!/usr/bin/env python3 -# Copyright (C) 2020 Intel Corporation + +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 -# """ Create comparison table based on MemCheckTests results from 2 runs diff --git a/tests/stress_tests/scripts/get_testdata.py b/tests/stress_tests/scripts/get_testdata.py index cf097f85f89241..f838611d1e4e5f 100755 --- a/tests/stress_tests/scripts/get_testdata.py +++ b/tests/stress_tests/scripts/get_testdata.py @@ -1,8 +1,7 @@ #!/usr/bin/env python3 -# Copyright (C) 2020 Intel Corporation -# SPDX-License-Identifier: Apache-2.0 -# +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 """ Script to acquire model IRs for stress tests. Usage: ./scrips/get_testdata.py diff --git a/tests/stress_tests/scripts/memcheck_upload.py b/tests/stress_tests/scripts/memcheck_upload.py index ab8847fc25712e..75e7fbd2b8f833 100644 --- a/tests/stress_tests/scripts/memcheck_upload.py +++ b/tests/stress_tests/scripts/memcheck_upload.py @@ -1,7 +1,7 @@ #!/usr/bin/env python3 -# Copyright (C) 2020 Intel Corporation + +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 -# """ Upload metrics gathered by MemCheckTests into Mongo DB diff --git a/tests/stress_tests/scripts/run_memcheck.py b/tests/stress_tests/scripts/run_memcheck.py index 83434ed72e755a..01deaa927236da 100755 --- a/tests/stress_tests/scripts/run_memcheck.py +++ b/tests/stress_tests/scripts/run_memcheck.py @@ -1,7 +1,8 @@ #!/usr/bin/env python3 -# Copyright (C) 2020 Intel Corporation + +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 -# + """ This script runs memcheck tests isolated with help of gtest_parallel. It can upload memory measurment results to database and generate reports. diff --git a/tests/time_tests/scripts/run_timetest.py b/tests/time_tests/scripts/run_timetest.py index c3489f92c9078b..73ec6c1ce0afd0 100644 --- a/tests/time_tests/scripts/run_timetest.py +++ b/tests/time_tests/scripts/run_timetest.py @@ -1,7 +1,8 @@ #!/usr/bin/env python3 -# Copyright (C) 2020 Intel Corporation + +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 -# + """ This script runs timetest executable several times and aggregate collected statistics. diff --git a/tests/time_tests/test_runner/conftest.py b/tests/time_tests/test_runner/conftest.py index 7f6add93e6d742..05346e6c5a2a8a 100644 --- a/tests/time_tests/test_runner/conftest.py +++ b/tests/time_tests/test_runner/conftest.py @@ -1,4 +1,4 @@ -# Copyright (C) 2020 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 # """ diff --git a/tests/time_tests/test_runner/test_timetest.py b/tests/time_tests/test_runner/test_timetest.py index d562779c7c38fe..d97313e78ef20f 100644 --- a/tests/time_tests/test_runner/test_timetest.py +++ b/tests/time_tests/test_runner/test_timetest.py @@ -1,6 +1,6 @@ -# Copyright (C) 2020 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 -# + """Main entry-point to run timetests tests. Default run: diff --git a/tests/time_tests/test_runner/utils.py b/tests/time_tests/test_runner/utils.py index 9c46237d27b560..40c90edb28bdc3 100644 --- a/tests/time_tests/test_runner/utils.py +++ b/tests/time_tests/test_runner/utils.py @@ -1,6 +1,6 @@ -# Copyright (C) 2020 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation # SPDX-License-Identifier: Apache-2.0 -# + """Utility module.""" import os diff --git a/tools/benchmark/__init__.py b/tools/benchmark/__init__.py index 90392338209032..60324954ef522e 100644 --- a/tools/benchmark/__init__.py +++ b/tools/benchmark/__init__.py @@ -1,15 +1,3 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" \ No newline at end of file diff --git a/tools/benchmark/benchmark.py b/tools/benchmark/benchmark.py index e93acd7218c4bb..6ba7a0de91f6e0 100644 --- a/tools/benchmark/benchmark.py +++ b/tools/benchmark/benchmark.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import os from datetime import datetime from statistics import median diff --git a/tools/benchmark/main.py b/tools/benchmark/main.py index e9be7e91b518ec..c3d40ea0d6b159 100644 --- a/tools/benchmark/main.py +++ b/tools/benchmark/main.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import os import sys from datetime import datetime diff --git a/tools/benchmark/parameters.py b/tools/benchmark/parameters.py index 83def0230c44a6..0b9289d89569de 100644 --- a/tools/benchmark/parameters.py +++ b/tools/benchmark/parameters.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import sys,argparse from fnmatch import fnmatch diff --git a/tools/benchmark/utils/__init__.py b/tools/benchmark/utils/__init__.py index d45b15f7fce482..60324954ef522e 100644 --- a/tools/benchmark/utils/__init__.py +++ b/tools/benchmark/utils/__init__.py @@ -1,15 +1,3 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" diff --git a/tools/benchmark/utils/constants.py b/tools/benchmark/utils/constants.py index 53f8e16a2c12af..fd99d70e19f2e4 100644 --- a/tools/benchmark/utils/constants.py +++ b/tools/benchmark/utils/constants.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the 'License'); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an 'AS IS' BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 VPU_DEVICE_NAME = 'VPU' MYRIAD_DEVICE_NAME = 'MYRIAD' diff --git a/tools/benchmark/utils/inputs_filling.py b/tools/benchmark/utils/inputs_filling.py index d67b8edcd994aa..bbb1fdf63b2396 100644 --- a/tools/benchmark/utils/inputs_filling.py +++ b/tools/benchmark/utils/inputs_filling.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import os import cv2 diff --git a/tools/benchmark/utils/logging.py b/tools/benchmark/utils/logging.py index c9490a6c6701f0..38ae33a6448c3c 100644 --- a/tools/benchmark/utils/logging.py +++ b/tools/benchmark/utils/logging.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 import logging import sys diff --git a/tools/benchmark/utils/progress_bar.py b/tools/benchmark/utils/progress_bar.py index 7672ad39270fd0..0c284ed29be882 100644 --- a/tools/benchmark/utils/progress_bar.py +++ b/tools/benchmark/utils/progress_bar.py @@ -1,18 +1,5 @@ -""" - Copyright (C) 2018-2021 Intel Corporation - - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 from progress.bar import Bar diff --git a/tools/benchmark/utils/statistics_report.py b/tools/benchmark/utils/statistics_report.py index 6b448b7b5bb985..d8791d4ba8083f 100644 --- a/tools/benchmark/utils/statistics_report.py +++ b/tools/benchmark/utils/statistics_report.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" import os import sys from enum import Enum diff --git a/tools/benchmark/utils/utils.py b/tools/benchmark/utils/utils.py index 6a0109d616048f..7fea6b1a46e46e 100644 --- a/tools/benchmark/utils/utils.py +++ b/tools/benchmark/utils/utils.py @@ -1,18 +1,6 @@ -""" - Copyright (C) 2018-2021 Intel Corporation +# Copyright (C) 2018-2021 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at - - http://www.apache.org/licenses/LICENSE-2.0 - - Unless required by applicable law or agreed to in writing, software - distributed under the License is distributed on an "AS IS" BASIS, - WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - See the License for the specific language governing permissions and - limitations under the License. -""" from openvino.inference_engine import IENetwork,IECore from .constants import DEVICE_DURATION_IN_SECS, UNKNOWN_DEVICE_TYPE, \