From 699c63bdaf37b05613ba8b319c39ff7061cf76c9 Mon Sep 17 00:00:00 2001 From: Evgeny Lazarev Date: Fri, 5 Mar 2021 11:57:42 +0300 Subject: [PATCH] Updated copyright year in all MO files (#4630) --- .../extensions/analysis/boolean_input.py | 2 +- model-optimizer/extensions/analysis/inputs.py | 2 +- .../extensions/analysis/json_print.py | 2 +- model-optimizer/extensions/analysis/nodes.py | 2 +- .../extensions/analysis/tf_od_api.py | 2 +- .../extensions/analysis/tf_retinanet.py | 2 +- .../extensions/analysis/tf_yolo.py | 2 +- model-optimizer/extensions/back/AvgPool.py | 2 +- .../extensions/back/CellNormalizer.py | 2 +- .../extensions/back/ClampNormalizer.py | 2 +- .../extensions/back/ClampNormalizer_test.py | 2 +- .../extensions/back/ConvolutionNormalizer.py | 2 +- .../back/ConvolutionNormalizer_test.py | 2 +- .../extensions/back/CorrectName.py | 2 +- model-optimizer/extensions/back/CutMemory.py | 2 +- .../extensions/back/CutMemory_test.py | 2 +- .../back/EnableConstantStridedSlice.py | 2 +- .../extensions/back/FakeOutputResolver.py | 2 +- .../back/FakeOutputResolver_test.py | 2 +- .../extensions/back/ForceStrictPrecision.py | 2 +- .../extensions/back/FuseTransposesSequence.py | 2 +- .../back/FuseTransposesSequence_test.py | 2 +- .../extensions/back/GatherNormalizer.py | 2 +- .../back/GroupedConvWeightsNormalize.py | 2 +- .../extensions/back/InterpolateReshape.py | 2 +- .../back/InterpolateReshape_test.py | 2 +- model-optimizer/extensions/back/LRNToNorm.py | 2 +- .../back/LayoutChangeForGatherND.py | 2 +- .../back/LayoutChangeForGatherND_test.py | 2 +- .../extensions/back/LeakyReLUMutation.py | 2 +- .../extensions/back/MatMulNormalizer.py | 2 +- .../extensions/back/MatMulNormalizer_test.py | 2 +- model-optimizer/extensions/back/MaxPool.py | 2 +- .../extensions/back/NormalizeToNormalizeL2.py | 2 +- .../back/OptimizeTransposeReshapeSequence.py | 2 +- .../OptimizeTransposeReshapeSequence_test.py | 2 +- .../extensions/back/PackBinaryWeights.py | 2 +- .../extensions/back/ProposalMutation.py | 2 +- .../extensions/back/RNNSequenceTypeRename.py | 2 +- .../extensions/back/ReduceMerge.py | 2 +- .../back/ReduceTransposeDimensions.py | 2 +- .../back/ReduceTransposeDimensions_test.py | 2 +- .../extensions/back/RemoveUselessConvert.py | 2 +- .../extensions/back/Reshape0DToSqueeze.py | 2 +- .../extensions/back/ReshapeMutation.py | 2 +- .../extensions/back/ResultNormalizer.py | 2 +- .../extensions/back/ReverseInputChannels.py | 2 +- .../extensions/back/ScalarConstNormalize.py | 2 +- .../extensions/back/SelectBroadcast.py | 2 +- .../back/ShuffleChannelPatternOptimization.py | 2 +- .../ShuffleChannelPatternOptimization_test.py | 2 +- .../extensions/back/ShufflenetReLUReorder.py | 2 +- .../back/ShufflenetReLUReorder_test.py | 2 +- .../back/SpecialNodesFinalization_test.py | 2 +- .../extensions/back/TopKNormalizer.py | 2 +- .../extensions/back/TransposeReduceFusing.py | 2 +- .../back/TransposeReduceFusing_test.py | 2 +- .../extensions/back/UselessConcatRemoval.py | 2 +- .../extensions/back/blob_normalizer.py | 2 +- .../back/disable_unsupported_ND_operations.py | 2 +- .../extensions/back/fuse_sub_div_min.py | 2 +- .../insert_compatibility_l2normalization.py | 2 +- ...sert_compatibility_l2normalization_test.py | 2 +- .../back/kaldi_remove_memory_output.py | 2 +- .../back/kaldi_remove_memory_output_test.py | 2 +- .../extensions/back/op_versioning.py | 2 +- .../extensions/back/pass_separator.py | 2 +- .../extensions/back/priorbox_mutation.py | 2 +- .../back/remove_last_softmax_pattern.py | 2 +- .../back/remove_last_softmax_test.py | 2 +- .../extensions/front/ATenToEmbeddingBag.py | 2 +- .../front/ATenToEmbeddingBag_test.py | 2 +- .../extensions/front/ArgMaxSqueeze.py | 2 +- .../front/AttributedClampNormalizer.py | 2 +- .../front/AttributedClampNormalizer_test.py | 2 +- .../front/AttributedGatherNormalizer.py | 2 +- .../extensions/front/ChangeCastOutputType.py | 2 +- .../front/ChangePlaceholderTypes.py | 2 +- .../front/DropoutWithRandomUniformReplacer.py | 2 +- .../DropoutWithRandomUniformReplacer_test.py | 2 +- .../extensions/front/ExpandDimsToUnsqueeze.py | 2 +- .../extensions/front/FillToBroadcast.py | 2 +- .../extensions/front/GeLUMerger_Tanh.py | 2 +- .../extensions/front/GeLUMerger_test.py | 2 +- .../extensions/front/HSigmoid_fusion.py | 2 +- .../extensions/front/HSigmoid_fusion_test.py | 2 +- .../extensions/front/HSwish_fusing_test.py | 2 +- .../extensions/front/HSwish_fusion.py | 2 +- .../extensions/front/InterpolateNormalizer.py | 2 +- model-optimizer/extensions/front/Log1p.py | 2 +- .../extensions/front/Log1p_test.py | 2 +- .../extensions/front/MatMul_normalizer.py | 2 +- .../extensions/front/Mish_fusion.py | 2 +- .../extensions/front/Mish_fusion_test.py | 2 +- .../front/MoveEmbeddedInputsToInputs.py | 2 +- .../extensions/front/OneHotDepthNormalizer.py | 2 +- .../front/OneHotDepthNormalizer_test.py | 2 +- model-optimizer/extensions/front/Pack.py | 2 +- model-optimizer/extensions/front/Pack_test.py | 2 +- .../extensions/front/PowerToEltwises.py | 2 +- .../extensions/front/Softplus_fusion.py | 2 +- .../extensions/front/Softplus_fusion_test.py | 2 +- .../extensions/front/SqueezeNormalize.py | 2 +- .../extensions/front/Swish_fusion.py | 2 +- .../extensions/front/Swish_fusion_test.py | 2 +- .../front/ThresholdedReluDecomposition.py | 2 +- .../ThresholdedReluDecomposition_test.py | 2 +- .../extensions/front/TopKNormalize.py | 2 +- .../front/TransposeOrderNormalizer.py | 2 +- model-optimizer/extensions/front/YOLO.py | 2 +- .../front/binary_quantize_normalization.py | 2 +- .../binary_quantize_normalization_test.py | 2 +- .../extensions/front/broadcast_with_range.py | 2 +- .../front/broadcast_with_range_test.py | 2 +- .../extensions/front/caffe/ArgMaxFlatten.py | 2 +- .../extensions/front/caffe/accum_ext.py | 2 +- .../extensions/front/caffe/accum_ext_test.py | 2 +- .../extensions/front/caffe/argmax_ext.py | 2 +- .../extensions/front/caffe/argmax_ext_test.py | 2 +- .../extensions/front/caffe/axpy.py | 2 +- .../extensions/front/caffe/axpy_test.py | 2 +- .../extensions/front/caffe/binarization.py | 2 +- .../extensions/front/caffe/binary_conv_ext.py | 2 +- .../extensions/front/caffe/conv_ext.py | 2 +- .../extensions/front/caffe/conv_ext_test.py | 2 +- .../extensions/front/caffe/correlation_ext.py | 2 +- .../front/caffe/correlation_ext_test.py | 2 +- .../front/caffe/ctcgreedydecoder_ext.py | 2 +- .../front/caffe/ctcgreedydecoder_ext_test.py | 2 +- .../front/caffe/data_augmentation_ext.py | 2 +- .../front/caffe/data_augmentation_ext_test.py | 2 +- .../front/caffe/detection_output.py | 2 +- .../extensions/front/caffe/elementwise_ext.py | 2 +- .../front/caffe/elementwise_ext_test.py | 2 +- .../front/caffe/eltwise_add_normalize.py | 2 +- .../front/caffe/eltwise_add_normalize_test.py | 2 +- model-optimizer/extensions/front/caffe/elu.py | 2 +- .../extensions/front/caffe/elu_test.py | 2 +- .../extensions/front/caffe/flatten_ext.py | 2 +- .../extensions/front/caffe/grn_ext.py | 2 +- .../extensions/front/caffe/grn_ext_test.py | 2 +- .../front/caffe/inner_product_ext.py | 2 +- .../extensions/front/caffe/input_ext.py | 2 +- .../extensions/front/caffe/interp_ext.py | 2 +- .../extensions/front/caffe/lrn_ext.py | 2 +- .../extensions/front/caffe/normalize_ext.py | 2 +- .../front/caffe/normalize_ext_test.py | 2 +- .../extensions/front/caffe/permute_ext.py | 2 +- .../extensions/front/caffe/power_file_ext.py | 2 +- .../front/caffe/power_file_ext_test.py | 2 +- .../extensions/front/caffe/prelu_ext.py | 2 +- .../extensions/front/caffe/prelu_ext_test.py | 2 +- .../front/caffe/priorbox_clustered_ext.py | 2 +- .../caffe/priorbox_clustered_ext_test.py | 2 +- .../extensions/front/caffe/priorbox_ext.py | 2 +- .../front/caffe/priorbox_ext_test.py | 2 +- .../extensions/front/caffe/proposal_ext.py | 2 +- .../front/caffe/proposal_ext_test.py | 2 +- .../front/caffe/proposal_python_ext.py | 2 +- .../front/caffe/proposal_python_ext_test.py | 2 +- .../front/caffe/psroipooling_ext.py | 2 +- .../extensions/front/caffe/regionyolo_ext.py | 2 +- .../front/caffe/regionyolo_ext_test.py | 2 +- .../extensions/front/caffe/relu6.py | 2 +- .../extensions/front/caffe/relu_ext.py | 2 +- .../extensions/front/caffe/reorgyolo_ext.py | 2 +- .../front/caffe/reorgyolo_ext_test.py | 2 +- .../extensions/front/caffe/resample_ext.py | 2 +- .../extensions/front/caffe/reshape.py | 2 +- .../front/caffe/shufflechannel_ext.py | 2 +- .../extensions/front/caffe/sigmoid.py | 2 +- .../extensions/front/caffe/simplernms_ext.py | 2 +- .../front/caffe/simplernms_ext_test.py | 2 +- .../extensions/front/caffe/slice_ext.py | 2 +- .../extensions/front/caffe/slice_to_split.py | 2 +- .../extensions/front/caffe/softmax_ext.py | 2 +- .../front/caffe/spatial_transformer_ext.py | 2 +- .../caffe/spatial_transformer_ext_test.py | 2 +- .../front/caffe/split_to_identity.py | 2 +- .../extensions/front/caffe/tanh.py | 2 +- .../extensions/front/create_tensor_nodes.py | 2 +- ...able_weights_quantize_value_propagation.py | 2 +- model-optimizer/extensions/front/div.py | 2 +- model-optimizer/extensions/front/div_test.py | 2 +- model-optimizer/extensions/front/eltwise_n.py | 2 +- .../extensions/front/eltwise_n_test.py | 2 +- .../extensions/front/flatten_to_reshape.py | 2 +- .../front/freeze_placeholder_value.py | 2 +- .../front/freeze_placeholder_value_test.py | 2 +- .../front/global_pooling_to_reduce.py | 2 +- .../extensions/front/image_scaler.py | 2 +- .../extensions/front/image_scaler_test.py | 2 +- model-optimizer/extensions/front/input_cut.py | 2 +- .../extensions/front/interpolate_reshape.py | 2 +- .../front/interpolate_reshape_test.py | 2 +- .../kaldi/add_permute_after_convolution.py | 2 +- .../add_permute_after_convolution_test.py | 2 +- .../kaldi/add_reshape_around_convolution.py | 2 +- .../front/kaldi/add_reshape_around_pooling.py | 2 +- .../extensions/front/kaldi/apply_counts.py | 2 +- .../front/kaldi/apply_counts_test.py | 2 +- .../front/kaldi/logsoftmax_component_ext.py | 2 +- .../front/kaldi/memory_offset_adjustment.py | 2 +- .../kaldi/memory_offset_adjustment_test.py | 2 +- .../front/kaldi/replace_eltwise_nin1.py | 2 +- .../front/kaldi/replace_lstm_node_pattern.py | 2 +- .../front/kaldi/replace_lstm_nonlinearity.py | 2 +- .../kaldi/replace_lstm_nonlinearity_test.py | 2 +- .../extensions/front/kaldi/sigmoid_ext.py | 2 +- .../front/kaldi/sigmoid_ext_test.py | 2 +- .../front/kaldi/tanh_component_ext.py | 2 +- .../extensions/front/kaldi/tanh_ext_test.py | 2 +- .../front/kaldi/tdnn_component_replacer.py | 2 +- .../kaldi/tdnn_component_replacer_test.py | 2 +- .../front/mxnet/MXRepeatReplacer.py | 2 +- .../extensions/front/mxnet/RNN_ext.py | 2 +- .../extensions/front/mxnet/RNN_ext_test.py | 2 +- .../extensions/front/mxnet/activation.py | 2 +- .../extensions/front/mxnet/activation_test.py | 2 +- .../front/mxnet/adaptive_avg_pooling_ext.py | 2 +- .../mxnet/add_input_data_to_prior_boxes.py | 2 +- .../add_input_data_to_prior_boxes_test.py | 2 +- .../extensions/front/mxnet/arange_ext.py | 2 +- .../extensions/front/mxnet/arange_replacer.py | 2 +- .../extensions/front/mxnet/block_grad_ext.py | 2 +- .../extensions/front/mxnet/box_nms_ext.py | 2 +- .../extensions/front/mxnet/cast_ext.py | 2 +- .../front/mxnet/check_softmax_node_inputs.py | 2 +- .../mxnet/check_softmax_node_inputs_test.py | 2 +- .../extensions/front/mxnet/clip_ext.py | 2 +- .../extensions/front/mxnet/conv_ext.py | 2 +- .../extensions/front/mxnet/conv_ext_test.py | 2 +- .../extensions/front/mxnet/copy_ext.py | 2 +- .../extensions/front/mxnet/crop_ext.py | 2 +- .../extensions/front/mxnet/crop_ext_test.py | 2 +- .../extensions/front/mxnet/cumsum.py | 2 +- .../extensions/front/mxnet/cumsum_ext.py | 2 +- .../extensions/front/mxnet/custom.py | 2 +- .../front/mxnet/custom_rpn_proposal.py | 2 +- .../extensions/front/mxnet/custom_test.py | 2 +- .../front/mxnet/deformable_conv_ext.py | 2 +- .../mxnet/deformable_psroi_pooling_ext.py | 2 +- .../extensions/front/mxnet/dropout_ext.py | 2 +- .../extensions/front/mxnet/elementwise_ext.py | 2 +- .../front/mxnet/eltwise_scalar_replacers.py | 2 +- .../extensions/front/mxnet/exp_ext.py | 2 +- .../extensions/front/mxnet/expand_dims_ext.py | 2 +- .../extensions/front/mxnet/flatten_ext.py | 2 +- .../front/mxnet/fully_connected_ext.py | 2 +- .../extensions/front/mxnet/gather.py | 2 +- .../extensions/front/mxnet/gather_ext.py | 2 +- .../extensions/front/mxnet/gather_test.py | 2 +- .../front/mxnet/gluoncv_ssd_anchors.py | 2 +- .../front/mxnet/gluoncv_ssd_anchors_test.py | 2 +- .../front/mxnet/instance_norm_ext.py | 2 +- .../extensions/front/mxnet/leaky_relu.py | 2 +- .../extensions/front/mxnet/leaky_relu_test.py | 2 +- .../extensions/front/mxnet/lrn_ext.py | 2 +- .../extensions/front/mxnet/max_ext.py | 2 +- .../front/mxnet/multibox_detection_ext.py | 2 +- .../front/mxnet/multibox_detection_test.py | 2 +- .../front/mxnet/mx_reshape_reverse_test.py | 2 +- .../front/mxnet/mx_reshape_to_reshape_test.py | 2 +- .../extensions/front/mxnet/null_ext.py | 2 +- .../extensions/front/mxnet/pad_ext.py | 2 +- .../extensions/front/mxnet/proposal_ext.py | 2 +- .../front/mxnet/psroi_pooling_ext.py | 2 +- .../extensions/front/mxnet/repeat_ext.py | 2 +- .../extensions/front/mxnet/reshape_ext.py | 2 +- .../front/mxnet/rnn_param_concat.py | 2 +- .../extensions/front/mxnet/roi_pooling_ext.py | 2 +- .../extensions/front/mxnet/shape_array_ext.py | 2 +- .../extensions/front/mxnet/sigmoid.py | 2 +- .../extensions/front/mxnet/sigmoid_test.py | 2 +- .../front/mxnet/slice_channel_ext.py | 2 +- .../extensions/front/mxnet/slice_ext.py | 2 +- .../extensions/front/mxnet/slice_like_ext.py | 2 +- .../extensions/front/mxnet/slice_replacers.py | 2 +- .../extensions/front/mxnet/softmax.py | 2 +- .../front/mxnet/softmax_activation_ext.py | 2 +- .../extensions/front/mxnet/softmax_ext.py | 2 +- .../front/mxnet/softmax_output_ext.py | 2 +- .../extensions/front/mxnet/squeeze_ext.py | 2 +- .../front/mxnet/ssd_anchor_reshape.py | 2 +- .../mxnet/ssd_detection_output_replacer.py | 2 +- .../ssd_pattern_flatten_softmax_activation.py | 2 +- ...pattern_flatten_softmax_activation_test.py | 2 +- .../front/mxnet/ssd_pattern_remove_flatten.py | 2 +- .../mxnet/ssd_pattern_remove_flatten_test.py | 2 +- .../front/mxnet/ssd_pattern_remove_reshape.py | 2 +- .../mxnet/ssd_pattern_remove_reshape_test.py | 2 +- .../mxnet/ssd_pattern_remove_transpose.py | 2 +- .../ssd_pattern_remove_transpose_test.py | 2 +- .../mxnet/ssd_reorder_detection_out_inputs.py | 2 +- .../ssd_reorder_detection_out_inputs_test.py | 2 +- .../extensions/front/mxnet/stack_ext.py | 2 +- .../extensions/front/mxnet/swapaxis_ext.py | 2 +- .../extensions/front/mxnet/tile_ext.py | 2 +- .../extensions/front/mxnet/tile_replacer.py | 2 +- .../extensions/front/mxnet/transpose_ext.py | 2 +- .../extensions/front/mxnet/up_sampling_ext.py | 2 +- .../extensions/front/mxnet/where_ext.py | 2 +- .../extensions/front/mxnet/zeros_ext.py | 2 +- .../extensions/front/no_op_eraser.py | 2 +- .../front/non_max_suppression_normalize.py | 2 +- .../front/onnx/AttributedSliceToSlice.py | 2 +- .../front/onnx/AttributedSliceToSlice_test.py | 2 +- .../extensions/front/onnx/LoopNormalize.py | 2 +- .../front/onnx/ONNXResize10ToInterpolate.py | 2 +- .../extensions/front/onnx/activation_ext.py | 2 +- .../front/onnx/activation_ext_test.py | 2 +- .../extensions/front/onnx/affine_ext.py | 2 +- .../extensions/front/onnx/affine_ext_test.py | 2 +- .../extensions/front/onnx/argmax_ext.py | 2 +- .../extensions/front/onnx/cast_ext.py | 2 +- .../extensions/front/onnx/clip_ext.py | 2 +- .../extensions/front/onnx/concat_ext.py | 2 +- .../extensions/front/onnx/const_ext.py | 2 +- .../front/onnx/constant_fill_ext.py | 2 +- .../front/onnx/constant_of_shape_ext.py | 2 +- .../onnx/constant_of_shape_to_broadcast.py | 2 +- .../extensions/front/onnx/conv_ext.py | 2 +- .../extensions/front/onnx/conv_ext_test.py | 2 +- .../extensions/front/onnx/crop_ext.py | 2 +- .../extensions/front/onnx/crop_ext_test.py | 2 +- .../extensions/front/onnx/cumsum_ext.py | 2 +- .../front/onnx/deformable_conv_ext.py | 2 +- .../front/onnx/depth_to_space_ext.py | 2 +- .../front/onnx/dequantize_linear_ext.py | 2 +- .../front/onnx/dequantize_linear_resolver.py | 2 +- .../onnx/dequantize_linear_resolver_test.py | 2 +- .../extensions/front/onnx/detection_output.py | 2 +- .../front/onnx/detection_output_test.py | 2 +- .../front/onnx/detectionoutput_ext.py | 2 +- .../extensions/front/onnx/dropout_ext.py | 2 +- .../extensions/front/onnx/elementwise_ext.py | 2 +- .../extensions/front/onnx/expand_ext.py | 2 +- .../front/onnx/flattenONNX_to_reshape.py | 2 +- .../extensions/front/onnx/flatten_ext.py | 2 +- .../extensions/front/onnx/fused_bn_ext.py | 2 +- .../extensions/front/onnx/gather_ext.py | 2 +- .../front/onnx/gatherelements_ext.py | 2 +- .../extensions/front/onnx/gathernd_ext.py | 2 +- .../extensions/front/onnx/gemm_ext.py | 2 +- .../extensions/front/onnx/group_norm_ext.py | 2 +- .../extensions/front/onnx/gru_ext.py | 2 +- .../extensions/front/onnx/gru_ext_test.py | 2 +- .../extensions/front/onnx/hard_sigmoid_ext.py | 2 +- .../extensions/front/onnx/identity_ext.py | 2 +- .../extensions/front/onnx/image_scaler_ext.py | 2 +- .../front/onnx/image_scaler_ext_test.py | 2 +- .../front/onnx/instance_normalization_ext.py | 2 +- .../onnx/instance_normalization_ext_test.py | 2 +- .../onnx/logsoftmaxONNX_to_logsoftmax.py | 2 +- .../extensions/front/onnx/loop_ext.py | 2 +- .../front/onnx/lp_normalization_ext.py | 2 +- .../extensions/front/onnx/lrn_ext.py | 2 +- .../extensions/front/onnx/lstm_ext.py | 2 +- .../extensions/front/onnx/lstm_ext_test.py | 2 +- .../front/onnx/mask_rcnn_conversion.py | 2 +- .../extensions/front/onnx/matmul_ext.py | 2 +- .../front/onnx/non_max_suppression_ext.py | 2 +- .../extensions/front/onnx/non_zero_ext.py | 2 +- .../extensions/front/onnx/normalize_ext.py | 2 +- .../front/onnx/normalize_ext_test.py | 2 +- .../front/onnx/normalize_l2_normalize.py | 2 +- .../extensions/front/onnx/one_hot_ext.py | 2 +- .../front/onnx/one_hot_normalize.py | 2 +- .../extensions/front/onnx/pad_converter.py | 2 +- .../front/onnx/pad_converter_test.py | 2 +- .../extensions/front/onnx/pad_ext.py | 2 +- .../extensions/front/onnx/pad_ext_test.py | 2 +- .../extensions/front/onnx/parameter_ext.py | 2 +- .../front/onnx/priorbox_clustered_ext.py | 2 +- .../front/onnx/priorbox_clustered_ext_test.py | 2 +- .../extensions/front/onnx/priorbox_ext.py | 2 +- .../front/onnx/priorbox_ext_test.py | 2 +- .../front/onnx/priorgridgenerator_ext.py | 2 +- .../extensions/front/onnx/proposal_ext.py | 2 +- .../front/onnx/quantize_dequantize_linear.py | 2 +- .../onnx/quantize_dequantize_linear_test.py | 2 +- .../extensions/front/onnx/quantize_ext.py | 2 +- .../front/onnx/quantize_linear_ext.py | 2 +- .../front/onnx/quantize_linear_resolver.py | 2 +- .../onnx/quantize_linear_resolver_test.py | 2 +- .../extensions/front/onnx/range_ext.py | 2 +- .../extensions/front/onnx/reduce_ext.py | 2 +- .../onnx/remove_filtering_boxes_by_size.py | 2 +- .../extensions/front/onnx/reshape_ext.py | 2 +- .../extensions/front/onnx/resize_ext.py | 2 +- .../extensions/front/onnx/rnn_ext.py | 2 +- .../extensions/front/onnx/rnn_ext_test.py | 2 +- .../extensions/front/onnx/roialign_ext.py | 2 +- .../extensions/front/onnx/scatter_ext.py | 2 +- .../extensions/front/onnx/shape_ext.py | 2 +- .../extensions/front/onnx/slice_ext.py | 2 +- .../front/onnx/softmaxONNX_to_softmax.py | 2 +- .../extensions/front/onnx/softmax_ext.py | 2 +- .../extensions/front/onnx/softplus_ext.py | 2 +- .../front/onnx/space_to_depth_ext.py | 2 +- .../extensions/front/onnx/split_ext.py | 2 +- .../extensions/front/onnx/squeeze_ext.py | 2 +- .../extensions/front/onnx/squeeze_ext_test.py | 2 +- .../extensions/front/onnx/top_k_ext.py | 2 +- .../extensions/front/onnx/topkrois_ext.py | 2 +- .../extensions/front/onnx/transpose_ext.py | 2 +- .../front/onnx/transpose_ext_test.py | 2 +- .../extensions/front/onnx/unsqueeze_ext.py | 2 +- .../front/onnx/unsqueeze_ext_test.py | 2 +- .../extensions/front/onnx/upsample_ext.py | 2 +- .../front/onnx/upsample_ext_test.py | 2 +- .../extensions/front/onnx/where_ext.py | 2 +- .../extensions/front/output_cut.py | 2 +- .../extensions/front/override_batch.py | 2 +- .../extensions/front/pass_separator.py | 2 +- .../extensions/front/rank_decomposer.py | 2 +- .../extensions/front/rank_decomposer_test.py | 2 +- .../extensions/front/reciprocal.py | 2 +- .../extensions/front/reciprocal_test.py | 2 +- .../front/reduce_axis_normalizer.py | 2 +- .../front/reduce_axis_normalizer_test.py | 2 +- .../front/reshape_dim_normalizer.py | 2 +- .../extensions/front/restore_ports.py | 2 +- .../extensions/front/scatter_normalizer.py | 2 +- .../front/scatter_normalizer_test.py | 2 +- model-optimizer/extensions/front/softmax.py | 2 +- .../extensions/front/softsign_replacer.py | 2 +- .../front/softsign_replacer_test.py | 2 +- .../extensions/front/split_normalizer.py | 2 +- .../extensions/front/split_normalizer_test.py | 2 +- model-optimizer/extensions/front/sub.py | 2 +- model-optimizer/extensions/front/sub_test.py | 2 +- .../extensions/front/tf/AutomlEfficientDet.py | 2 +- .../extensions/front/tf/BatchMatMul_ext.py | 2 +- .../front/tf/BatchToSpaceNDToUpsample.py | 2 +- .../extensions/front/tf/BlockLSTM.py | 2 +- .../extensions/front/tf/BlockLSTM_ext.py | 2 +- .../extensions/front/tf/CTCLossReplacement.py | 2 +- .../front/tf/CTCLossReplacement_test.py | 2 +- .../extensions/front/tf/CTCLoss_ext.py | 2 +- .../extensions/front/tf/Cast_ext.py | 2 +- .../front/tf/CropAndResizeReplacement.py | 2 +- .../front/tf/FakeQuantWithMinMaxVars.py | 2 +- .../front/tf/FakeQuantWithMinMaxVars_ext.py | 2 +- .../extensions/front/tf/FlattenToReshape.py | 2 +- .../front/tf/GNMT_DynamicSequenceLengths.py | 2 +- .../extensions/front/tf/GatherTree_ext.py | 22 +++++++++---------- .../front/tf/InterpolateTransposes.py | 2 +- .../front/tf/IteratorGetNext_ext.py | 2 +- .../front/tf/LookupTableInsert_ext.py | 2 +- .../extensions/front/tf/LoopCond_ext.py | 2 +- .../extensions/front/tf/ObjectDetectionAPI.py | 2 +- .../front/tf/ObjectDetectionAPI_test.py | 2 +- .../RetinaNetFilteredDetectionsReplacement.py | 2 +- .../front/tf/SSDToolboxDetectionOutput.py | 2 +- .../extensions/front/tf/SizeReplacer.py | 2 +- .../front/tf/SwitchMergeOptimization.py | 2 +- .../front/tf/SwitchMergeOptimization_test.py | 2 +- .../front/tf/TFResizeToInterpolate.py | 2 +- .../front/tf/TensorArrayExtractors.py | 2 +- .../front/tf/TensorArrayGatherV3.py | 2 +- .../tf/UnpackPackReverseInputChannels.py | 2 +- .../extensions/front/tf/WhereDecomposition.py | 2 +- .../front/tf/WhereDecomposition_test.py | 2 +- .../extensions/front/tf/activation_ext.py | 2 +- .../extensions/front/tf/argmax_ext.py | 2 +- .../extensions/front/tf/assign_elimination.py | 2 +- .../extensions/front/tf/basic_lstm_cell.py | 2 +- .../extensions/front/tf/batch_to_space_ext.py | 2 +- .../extensions/front/tf/bucketize.py | 2 +- .../extensions/front/tf/bucketize_ext.py | 2 +- model-optimizer/extensions/front/tf/concat.py | 2 +- .../extensions/front/tf/concat_ext.py | 2 +- .../extensions/front/tf/concat_ext_test.py | 2 +- .../extensions/front/tf/concat_test.py | 2 +- .../extensions/front/tf/const_ext.py | 2 +- .../extensions/front/tf/conv_ext.py | 2 +- .../extensions/front/tf/conv_ext_test.py | 2 +- .../front/tf/crop_and_resize_ext.py | 2 +- .../extensions/front/tf/cumsum_ext.py | 2 +- .../extensions/front/tf/deconv_ext.py | 2 +- .../extensions/front/tf/deconv_ext_test.py | 2 +- .../extensions/front/tf/depth_to_space.py | 2 +- .../extensions/front/tf/elementwise_ext.py | 2 +- .../front/tf/embedding_segments_sum.py | 2 +- .../front/tf/embedding_segments_sum_test.py | 2 +- .../extensions/front/tf/expand_dims_ext.py | 2 +- .../front/tf/extract_image_patches_ext.py | 2 +- .../extensions/front/tf/fake_const_ext.py | 2 +- .../extensions/front/tf/fifo_queue_v2_ext.py | 2 +- .../extensions/front/tf/fifo_replacer.py | 2 +- .../extensions/front/tf/fifo_replacer_test.py | 2 +- .../extensions/front/tf/fill_ext.py | 2 +- .../front/tf/floor_div_decomposition.py | 2 +- .../extensions/front/tf/floor_div_test.py | 2 +- .../extensions/front/tf/floor_ext.py | 2 +- .../extensions/front/tf/gather_ext.py | 2 +- .../extensions/front/tf/gathernd_ext.py | 2 +- .../front/tf/identityN_to_identity.py | 2 +- .../front/tf/identityN_to_identity_test.py | 2 +- .../extensions/front/tf/identity_ext.py | 2 +- .../extensions/front/tf/log_softmax_ext.py | 2 +- .../extensions/front/tf/lrn_ext.py | 2 +- .../extensions/front/tf/matmul_ext.py | 2 +- .../extensions/front/tf/mvn_unrolled_test.py | 2 +- .../front/tf/nearest_neighbor_upsampling.py | 2 +- .../extensions/front/tf/next_iteration_ext.py | 2 +- .../front/tf/next_iteration_ext_test.py | 2 +- .../front/tf/non_max_suppression_ext.py | 2 +- .../front/tf/non_max_suppression_normalize.py | 2 +- model-optimizer/extensions/front/tf/noop.py | 2 +- .../extensions/front/tf/one_hot_ext.py | 2 +- .../extensions/front/tf/pad_ext.py | 2 +- .../extensions/front/tf/placeholder_ext.py | 2 +- .../front/tf/placeholder_with_default_ext.py | 2 +- model-optimizer/extensions/front/tf/prelu.py | 2 +- .../extensions/front/tf/range_ext.py | 2 +- .../extensions/front/tf/reduce_ext.py | 2 +- .../front/tf/reshape_related_ext.py | 2 +- .../extensions/front/tf/resize_bilinear.py | 2 +- .../front/tf/resize_nearest_neighbor.py | 2 +- .../extensions/front/tf/reverse_sequence.py | 2 +- .../extensions/front/tf/reverse_v2.py | 2 +- .../extensions/front/tf/select_ext.py | 2 +- .../extensions/front/tf/sign_ext.py | 2 +- .../extensions/front/tf/size_replacer_test.py | 2 +- .../extensions/front/tf/slice_ext.py | 2 +- .../extensions/front/tf/softmax_ext.py | 2 +- .../extensions/front/tf/softplus_ext.py | 2 +- .../extensions/front/tf/space_to_batch.py | 2 +- .../extensions/front/tf/space_to_batch_ext.py | 2 +- .../extensions/front/tf/space_to_depth_ext.py | 2 +- .../front/tf/sparse_fill_empty_rows_ext.py | 2 +- .../front/tf/sparse_segment_mean_ext.py | 2 +- .../front/tf/sparse_segment_sqrtn_ext.py | 2 +- .../front/tf/sparse_segment_sum_ext.py | 2 +- .../front/tf/sparse_to_dense_replacer.py | 2 +- .../front/tf/sparse_to_dense_replacer_test.py | 2 +- .../extensions/front/tf/split_ext.py | 2 +- .../extensions/front/tf/swap_deconv_inputs.py | 2 +- .../extensions/front/tf/swish_ext.py | 2 +- ...sorflow_custom_operations_config_update.py | 2 +- .../extensions/front/tf/tile_ext.py | 2 +- .../extensions/front/tf/topk_ext.py | 2 +- .../extensions/front/tf/transpose_ext.py | 2 +- .../extensions/front/tf/unique_ext.py | 2 +- .../extensions/front/tf/variable_ext.py | 2 +- .../front/tf/variables_values_freezing.py | 2 +- .../front/transformations_config.py | 2 +- .../extensions/front/user_data_repack.py | 2 +- .../extensions/load/caffe/loader.py | 2 +- .../extensions/load/kaldi/loader.py | 2 +- model-optimizer/extensions/load/loader.py | 2 +- .../extensions/load/mxnet/loader.py | 2 +- .../extensions/load/onnx/loader.py | 2 +- .../extensions/middle/AddFakeQuantizeFuse.py | 2 +- .../extensions/middle/AddIsCyclicAttribute.py | 2 +- .../middle/AddIsCyclicAttribute_test.py | 2 +- .../middle/AddMeanScaleValues_test.py | 2 +- .../middle/ApplyNHWCtoNCHWpermutation.py | 2 +- .../extensions/middle/ArgMaxToTopK.py | 2 +- .../middle/AttributedTileNormalizer.py | 2 +- .../extensions/middle/BiasAddBroadcasting.py | 2 +- .../extensions/middle/BinarizeWeightsM1P1.py | 2 +- .../middle/BlockLSTMtoLSTMSequence.py | 2 +- .../extensions/middle/CheckForCycle.py | 2 +- .../extensions/middle/CheckForCycle_test.py | 2 +- .../extensions/middle/ConcatOptimization.py | 2 +- .../middle/ConcatOptimization_test.py | 2 +- .../extensions/middle/ConstSwitchResolver.py | 2 +- .../extensions/middle/ConvToBinaryConv.py | 2 +- .../middle/ConvertGroupedStridedSlice.py | 2 +- .../middle/ConvertGroupedStridedSlice_test.py | 2 +- .../ConvertLayoutDependentOperations.py | 2 +- .../middle/ConvertMultiInputConv.py | 2 +- .../extensions/middle/CustomSubgraphCall.py | 2 +- .../CutInputHavingZeroDimFromConcat_test.py | 2 +- .../extensions/middle/DecomposeBias.py | 2 +- .../DecomposeBidirectionalRNNSequence.py | 2 +- .../Deconvolution3rdInputNormalization.py | 2 +- .../middle/DeleteControlFlowEdges.py | 2 +- .../extensions/middle/DeleteNotExecutable.py | 2 +- .../extensions/middle/DilatedConvolution.py | 2 +- .../extensions/middle/EltwiseChecker.py | 2 +- .../extensions/middle/EltwiseInputReshape.py | 2 +- .../middle/EltwiseInputReshape_test.py | 2 +- .../extensions/middle/FakeSplitOutputs.py | 2 +- .../middle/FakeSplitOutputs_test.py | 2 +- .../extensions/middle/FuseReshapesSequence.py | 2 +- .../middle/FusedBatchNormNonConstant.py | 2 +- .../middle/GRURNNSequenceToTensorIterator.py | 2 +- .../extensions/middle/GatherNdNormalizer.py | 2 +- model-optimizer/extensions/middle/InputCut.py | 2 +- .../InsertLayoutPropagationTransposes.py | 2 +- .../extensions/middle/InsertSelect.py | 2 +- .../extensions/middle/InsertSelect_test.py | 2 +- .../middle/LSTMRNNSequenceToTensorIterator.py | 2 +- .../LayoutChangeForConstantShapePaths.py | 2 +- .../extensions/middle/LeakyReluPattern.py | 2 +- .../middle/LeakyReluPattern_test.py | 2 +- .../middle/MXNetRNNSequenceNormalize.py | 2 +- .../middle/MXNetSplitMultiLayers.py | 2 +- .../extensions/middle/MXTileReplacer.py | 2 +- .../extensions/middle/MXTileReplacer_test.py | 2 +- .../middle/MarkSubgraphsWithCorrectLayout.py | 2 +- .../extensions/middle/MulFakeQuantizeFuse.py | 2 +- .../extensions/middle/MulQuantizeFuse_test.py | 2 +- .../middle/ONNXRNNSequenceNormalize.py | 2 +- .../middle/ONNXResize11ToInterpolate.py | 2 +- .../extensions/middle/PartialInfer.py | 2 +- .../middle/RNNSequenceNormalizeToIE.py | 2 +- .../extensions/middle/ReluQuantizeFuse.py | 2 +- .../middle/ReluQuantizeFuse_test.py | 2 +- .../middle/RemoveDuplicationMemory.py | 2 +- .../middle/RemoveDuplicationMemory_test.py | 2 +- .../extensions/middle/RemoveIdentity.py | 2 +- ...emoveRedundantReshapeAfterCropAndResize.py | 2 +- .../middle/RemoveRedundantReshapes.py | 2 +- .../middle/RemoveUselessConcatSplit.py | 2 +- .../middle/RemoveUselessConcatSplit_test.py | 2 +- .../extensions/middle/RemoveUselessCrops.py | 2 +- .../middle/RemoveUselessCrops_test.py | 2 +- .../extensions/middle/RemoveUselessPad.py | 2 +- .../middle/RemoveUselessPad_test.py | 2 +- .../middle/ReplaceMemoryOffsetWithSplice.py | 2 +- .../ReplaceMemoryOffsetWithSplice_test.py | 2 +- .../extensions/middle/ReplacePNorm.py | 2 +- .../middle/ReplacePNormNodePattern_test.py | 2 +- .../middle/ReplaceSpliceNodePattern.py | 2 +- .../middle/ReplaceSpliceNodePattern_test.py | 2 +- .../middle/ReverseTransposeNormalization.py | 2 +- .../middle/ReverseV2ToReverseSequence.py | 2 +- .../extensions/middle/ScaleInput.py | 2 +- .../extensions/middle/SequenceLengthToMask.py | 2 +- .../middle/SequenceLenthToMask_test.py | 2 +- .../middle/SharedWeightsDuplication.py | 2 +- .../middle/SharedWeightsDuplication_test.py | 2 +- .../extensions/middle/SliceConverter.py | 2 +- .../extensions/middle/SliceConverter_test.py | 2 +- .../middle/SliceLikeToStridedSlice.py | 2 +- .../middle/SliceLikeToStridedSlice_test.py | 2 +- .../middle/SwapAxesMiddleReplacer.py | 2 +- .../middle/TF_lstm_cell_to_generic.py | 2 +- .../middle/TensorIteratorBackEdge.py | 2 +- .../middle/TensorIteratorBackEdge_test.py | 2 +- .../middle/TensorIteratorCondition.py | 2 +- .../middle/TensorIteratorConditionChecker.py | 2 +- .../middle/TensorIteratorCondition_test.py | 2 +- .../extensions/middle/TensorIteratorInput.py | 2 +- .../middle/TensorIteratorInput_test.py | 2 +- .../TensorIteratorLSTMToLSTMSequence.py | 2 +- .../extensions/middle/TensorIteratorMerge.py | 2 +- .../extensions/middle/TensorIteratorOutput.py | 2 +- .../middle/TensorIteratorOutput_test.py | 2 +- .../extensions/middle/TensorIterator_utils.py | 2 +- .../extensions/middle/UpsampleToResample.py | 2 +- .../extensions/middle/UselessMerge.py | 2 +- .../extensions/middle/UselessSplitEraser.py | 2 +- .../extensions/middle/pass_separator.py | 2 +- .../middle/permute_tensor_iterator.py | 2 +- .../extensions/middle/preprocessing.py | 2 +- .../extensions/middle/quantize_fuses.py | 2 +- .../extensions/middle/quantize_fuses_test.py | 2 +- .../middle/reverse_tensor_iterator.py | 2 +- .../extensions/middle/sparse_reshape.py | 2 +- .../extensions/middle/sparse_reshape_test.py | 2 +- .../middle/split_tdnn_memoryoffset.py | 2 +- .../extensions/ops/BatchNormInference.py | 2 +- model-optimizer/extensions/ops/BlockLSTM.py | 2 +- model-optimizer/extensions/ops/Cast.py | 2 +- model-optimizer/extensions/ops/Enter.py | 2 +- model-optimizer/extensions/ops/Exit.py | 2 +- .../extensions/ops/ExtractImagePatches.py | 2 +- .../ops/ExtractImagePatches_test.py | 2 +- model-optimizer/extensions/ops/GRU.py | 2 +- model-optimizer/extensions/ops/GatherTree.py | 2 +- model-optimizer/extensions/ops/LSTM.py | 2 +- .../extensions/ops/LookupTableInsert.py | 2 +- .../extensions/ops/LookupTableInsert_test.py | 2 +- model-optimizer/extensions/ops/MatMul_test.py | 2 +- .../ops/MatMul_value_propagation_test.py | 2 +- .../extensions/ops/NextIteration.py | 2 +- .../extensions/ops/ONNXResize10.py | 2 +- .../extensions/ops/ONNXResize11.py | 2 +- .../extensions/ops/ONNXResize11_test.py | 2 +- model-optimizer/extensions/ops/RNN.py | 2 +- model-optimizer/extensions/ops/RNNCell.py | 2 +- .../extensions/ops/ReduceOps_test.py | 2 +- model-optimizer/extensions/ops/Reverse.py | 2 +- .../extensions/ops/Reverse_test.py | 2 +- model-optimizer/extensions/ops/TFResize.py | 2 +- model-optimizer/extensions/ops/TensorArray.py | 2 +- .../extensions/ops/TensorArrayGather.py | 2 +- .../extensions/ops/TensorArrayRead.py | 2 +- .../extensions/ops/TensorArrayScatter.py | 2 +- .../extensions/ops/TensorArraySize.py | 2 +- .../extensions/ops/TensorArrayWrite.py | 2 +- .../extensions/ops/TensorIterator_ops.py | 2 +- model-optimizer/extensions/ops/accum.py | 2 +- model-optimizer/extensions/ops/accum_test.py | 2 +- .../extensions/ops/activation_ops.py | 2 +- .../extensions/ops/activation_test.py | 2 +- model-optimizer/extensions/ops/argmax.py | 2 +- model-optimizer/extensions/ops/argmax_test.py | 2 +- model-optimizer/extensions/ops/assert_op.py | 2 +- model-optimizer/extensions/ops/assert_test.py | 2 +- model-optimizer/extensions/ops/axpy.py | 2 +- .../extensions/ops/binarization.py | 2 +- model-optimizer/extensions/ops/box_nms.py | 2 +- .../extensions/ops/bucketize_test.py | 2 +- .../extensions/ops/constant_fill.py | 2 +- model-optimizer/extensions/ops/copyop.py | 2 +- model-optimizer/extensions/ops/correlation.py | 2 +- .../extensions/ops/correlation_test.py | 2 +- .../extensions/ops/ctc_loss_test.py | 2 +- model-optimizer/extensions/ops/cumsum_test.py | 2 +- .../extensions/ops/data_augmentation.py | 2 +- .../extensions/ops/data_augmentation_test.py | 2 +- .../extensions/ops/depth_to_space.py | 2 +- .../extensions/ops/depth_to_space_test.py | 2 +- .../extensions/ops/dequantize_linear.py | 2 +- .../ops/div_value_propagation_test.py | 2 +- model-optimizer/extensions/ops/elementwise.py | 2 +- .../extensions/ops/elementwise_test.py | 2 +- .../extensions/ops/embedding_bag_test.py | 2 +- model-optimizer/extensions/ops/fake_output.py | 2 +- .../extensions/ops/fakequantize.py | 2 +- model-optimizer/extensions/ops/gather.py | 2 +- model-optimizer/extensions/ops/gather_test.py | 2 +- .../extensions/ops/gatherelements.py | 2 +- .../extensions/ops/gatherelements_test.py | 2 +- model-optimizer/extensions/ops/gathernd.py | 2 +- .../extensions/ops/gathernd_test.py | 2 +- model-optimizer/extensions/ops/gelu.py | 2 +- model-optimizer/extensions/ops/grn.py | 2 +- model-optimizer/extensions/ops/grn_test.py | 2 +- .../extensions/ops/hard_sigmoid.py | 2 +- model-optimizer/extensions/ops/identity.py | 2 +- .../extensions/ops/instance_normalization.py | 2 +- .../ops/instance_normalization_test.py | 2 +- model-optimizer/extensions/ops/interp.py | 2 +- .../extensions/ops/interpolate_test.py | 2 +- model-optimizer/extensions/ops/lstm_cell.py | 2 +- .../extensions/ops/lstm_sequence.py | 2 +- model-optimizer/extensions/ops/merge.py | 2 +- model-optimizer/extensions/ops/merge_test.py | 2 +- model-optimizer/extensions/ops/mxrepeat.py | 2 +- .../ops/non_max_suppression_test.py | 2 +- model-optimizer/extensions/ops/non_zero.py | 2 +- model-optimizer/extensions/ops/normalize.py | 2 +- .../extensions/ops/normalize_test.py | 2 +- model-optimizer/extensions/ops/one_hot.py | 2 +- .../extensions/ops/one_hot_test.py | 2 +- model-optimizer/extensions/ops/pack.py | 2 +- model-optimizer/extensions/ops/parameter.py | 2 +- model-optimizer/extensions/ops/pnorm.py | 2 +- model-optimizer/extensions/ops/power_file.py | 2 +- .../extensions/ops/prediction_heatmap.py | 2 +- model-optimizer/extensions/ops/prelu.py | 2 +- .../extensions/ops/priorbox_clustered_test.py | 2 +- .../extensions/ops/priorbox_test.py | 2 +- .../extensions/ops/proposal_onnx.py | 2 +- .../extensions/ops/proposal_python_example.py | 2 +- .../extensions/ops/proposal_test.py | 2 +- .../extensions/ops/psroipooling_test.py | 2 +- .../extensions/ops/quantize_linear.py | 2 +- .../extensions/ops/quantize_test.py | 2 +- model-optimizer/extensions/ops/range.py | 2 +- model-optimizer/extensions/ops/rank.py | 2 +- .../extensions/ops/regionyolo_test.py | 2 +- model-optimizer/extensions/ops/reorgyolo.py | 2 +- .../extensions/ops/reorgyolo_test.py | 2 +- model-optimizer/extensions/ops/resize.py | 2 +- .../extensions/ops/resize_factor_utils.py | 2 +- .../extensions/ops/reverse_sequence.py | 2 +- model-optimizer/extensions/ops/roialign.py | 2 +- model-optimizer/extensions/ops/scatter.py | 2 +- model-optimizer/extensions/ops/scatternd.py | 2 +- .../extensions/ops/scatternd_test.py | 2 +- model-optimizer/extensions/ops/select.py | 2 +- model-optimizer/extensions/ops/select_test.py | 2 +- .../extensions/ops/shufflechannel.py | 2 +- model-optimizer/extensions/ops/simplernms.py | 2 +- .../extensions/ops/simplernms_test.py | 2 +- model-optimizer/extensions/ops/size.py | 2 +- model-optimizer/extensions/ops/slice_like.py | 2 +- .../extensions/ops/slice_like_test.py | 2 +- .../extensions/ops/space_to_depth.py | 2 +- .../extensions/ops/space_to_depth_test.py | 2 +- .../extensions/ops/sparse_fill_empty_rows.py | 2 +- .../ops/sparse_fill_empty_rows_test.py | 2 +- .../extensions/ops/sparse_reshape.py | 2 +- .../extensions/ops/sparse_reshape_test.py | 2 +- .../extensions/ops/sparse_segment_mean.py | 2 +- .../ops/sparse_segment_mean_test.py | 2 +- .../extensions/ops/sparse_segment_sqrtn.py | 2 +- .../ops/sparse_segment_sqrtn_test.py | 2 +- .../extensions/ops/sparse_segment_sum.py | 2 +- .../extensions/ops/sparse_segment_sum_test.py | 2 +- .../extensions/ops/spatial_transformer.py | 2 +- .../ops/spatial_transformer_test.py | 2 +- model-optimizer/extensions/ops/splice.py | 2 +- model-optimizer/extensions/ops/split.py | 2 +- model-optimizer/extensions/ops/split_test.py | 2 +- .../extensions/ops/stop_gradient.py | 2 +- model-optimizer/extensions/ops/swapaxis.py | 2 +- model-optimizer/extensions/ops/switch.py | 2 +- model-optimizer/extensions/ops/switch_test.py | 2 +- model-optimizer/extensions/ops/topk.py | 2 +- model-optimizer/extensions/ops/topk_test.py | 2 +- .../extensions/ops/topkrois_onnx.py | 2 +- model-optimizer/extensions/ops/transpose.py | 2 +- .../extensions/ops/transpose_test.py | 2 +- model-optimizer/extensions/ops/unique.py | 2 +- model-optimizer/extensions/ops/unique_test.py | 2 +- model-optimizer/extensions/ops/upsample.py | 2 +- .../extensions/ops/upsample_test.py | 2 +- model-optimizer/mo.py | 2 +- .../mo/back/ie_ir_ver_2/emitter_test.py | 2 +- model-optimizer/mo/back/replacement.py | 2 +- model-optimizer/mo/bom_test.py | 2 +- .../mo/front/caffe/collect_attributes.py | 2 +- .../mo/front/caffe/custom_layers_mapping.py | 2 +- .../front/caffe/custom_layers_mapping_test.py | 2 +- .../mo/front/caffe/extractor_test.py | 2 +- .../mo/front/caffe/extractors/native_caffe.py | 2 +- .../mo/front/caffe/extractors/tile.py | 2 +- .../mo/front/caffe/extractors/utils.py | 2 +- .../mo/front/caffe/extractors/utils_test.py | 2 +- model-optimizer/mo/front/caffe/loader_test.py | 2 +- .../front/caffe/proto/generate_caffe_pb2.py | 2 +- .../mo/front/caffe/python_layer_extractor.py | 2 +- .../caffe/python_layer_extractor_test.py | 2 +- .../mo/front/caffe/register_custom_ops.py | 2 +- .../common/custom_replacement_registry.py | 2 +- .../mo/front/common/extractors/utils.py | 2 +- .../mo/front/common/find_unsupported_ops.py | 2 +- model-optimizer/mo/front/common/layout.py | 2 +- .../mo/front/common/layout_test.py | 2 +- .../front/common/partial_infer/batch_norm.py | 2 +- .../common/partial_infer/caffe_fallback.py | 2 +- .../partial_infer/caffe_fallback_test.py | 2 +- .../mo/front/common/partial_infer/concat.py | 2 +- .../front/common/partial_infer/concat_test.py | 2 +- .../mo/front/common/partial_infer/crop.py | 2 +- .../front/common/partial_infer/crop_test.py | 2 +- .../front/common/partial_infer/elemental.py | 2 +- .../common/partial_infer/elemental_test.py | 2 +- .../mo/front/common/partial_infer/eltwise.py | 2 +- .../common/partial_infer/eltwise_test.py | 2 +- .../partial_infer/multi_box_detection.py | 2 +- .../partial_infer/multi_box_detection_test.py | 2 +- .../common/partial_infer/multi_box_prior.py | 2 +- .../partial_infer/multi_box_prior_test.py | 2 +- .../common/partial_infer/random_uniform.py | 2 +- .../mo/front/common/partial_infer/reshape.py | 2 +- .../front/common/partial_infer/roipooling.py | 2 +- .../common/partial_infer/roipooling_test.py | 2 +- .../mo/front/common/register_custom_ops.py | 2 +- .../mo/front/common/replacement.py | 2 +- model-optimizer/mo/front/common/weights.py | 2 +- model-optimizer/mo/front/kaldi/extractor.py | 2 +- .../mo/front/kaldi/extractors/add_ext.py | 2 +- .../front/kaldi/extractors/add_shift_ext.py | 2 +- .../kaldi/extractors/add_shift_ext_test.py | 2 +- .../kaldi/extractors/affine_component_ext.py | 2 +- .../extractors/affine_component_ext_test.py | 2 +- ...ine_component_preconditioned_online_ext.py | 2 +- .../kaldi/extractors/affine_transform_ext.py | 2 +- .../extractors/affine_transform_ext_test.py | 2 +- .../extractors/backproptruncation_ext.py | 2 +- .../extractors/batchnorm_component_ext.py | 2 +- .../batchnorm_component_ext_test.py | 2 +- .../kaldi/extractors/bias_component_ext.py | 2 +- .../extractors/bias_component_ext_test.py | 2 +- .../mo/front/kaldi/extractors/clip_ext.py | 2 +- .../front/kaldi/extractors/common_ext_test.py | 2 +- .../mo/front/kaldi/extractors/concat_ext.py | 2 +- .../front/kaldi/extractors/concat_ext_test.py | 2 +- .../mo/front/kaldi/extractors/const_ext.py | 2 +- .../convolutional_1d_component_ext.py | 2 +- .../extractors/convolutional_component_ext.py | 2 +- .../convolutional_component_ext_test.py | 2 +- .../mo/front/kaldi/extractors/copy_ext.py | 2 +- .../mo/front/kaldi/extractors/crop_ext.py | 2 +- .../extractors/elementwise_component_ext.py | 2 +- .../extractors/fixed_affine_component_ext.py | 2 +- .../fixed_affine_component_ext_test.py | 2 +- .../kaldi/extractors/generaldropout_ext.py | 2 +- .../kaldi/extractors/linear_component_ext.py | 2 +- .../kaldi/extractors/lstm_nonlinearity_ext.py | 2 +- .../extractors/lstm_projected_streams_ext.py | 2 +- .../front/kaldi/extractors/max_pooling_ext.py | 2 +- .../kaldi/extractors/max_pooling_ext_test.py | 2 +- .../kaldi/extractors/memoryoffset_ext.py | 2 +- .../kaldi/extractors/memoryoffset_ext_test.py | 2 +- .../mo/front/kaldi/extractors/mul_ext.py | 2 +- .../naturalgradient_affine_component_ext.py | 2 +- .../mo/front/kaldi/extractors/noop_ext.py | 2 +- .../extractors/normalize_component_ext.py | 2 +- .../normalize_component_ext_test.py | 2 +- .../kaldi/extractors/pnorm_component_ext.py | 2 +- .../extractors/pnorm_component_ext_test.py | 2 +- .../rectified_linear_component_ext.py | 2 +- .../mo/front/kaldi/extractors/rescale_ext.py | 2 +- .../kaldi/extractors/rescale_ext_test.py | 2 +- .../kaldi/extractors/scale_component_ext.py | 2 +- .../extractors/scale_component_ext_test.py | 2 +- .../mo/front/kaldi/extractors/softmax_ext.py | 2 +- .../extractors/specaugment_component_ext.py | 2 +- .../kaldi/extractors/splice_component_ext.py | 2 +- .../kaldi/extractors/tdnncomponent_ext.py | 2 +- .../mo/front/kaldi/loader/loader_test.py | 2 +- .../mo/front/kaldi/loader/utils_test.py | 2 +- .../mo/front/kaldi/register_custom_ops.py | 2 +- model-optimizer/mo/front/kaldi/utils.py | 2 +- model-optimizer/mo/front/mxnet/extractor.py | 2 +- .../mo/front/mxnet/extractors/add_n.py | 2 +- .../mo/front/mxnet/extractors/batchnorm.py | 2 +- .../mo/front/mxnet/extractors/concat.py | 2 +- .../mxnet/extractors/l2_normalization.py | 2 +- .../front/mxnet/extractors/multibox_prior.py | 2 +- .../mxnet/extractors/multibox_prior_test.py | 2 +- .../mo/front/mxnet/extractors/relu.py | 2 +- .../mo/front/mxnet/extractors/relu_test.py | 2 +- .../mo/front/mxnet/extractors/scaleshift.py | 2 +- .../mo/front/mxnet/extractors/utils_test.py | 2 +- model-optimizer/mo/front/mxnet/loader.py | 2 +- model-optimizer/mo/front/mxnet/loader_test.py | 2 +- .../mo/front/mxnet/nd_to_params.py | 2 +- .../mo/front/mxnet/register_custom_ops.py | 2 +- model-optimizer/mo/front/onnx/extractor.py | 2 +- .../mo/front/onnx/extractors/utils.py | 2 +- .../mo/front/onnx/register_custom_ops.py | 2 +- model-optimizer/mo/front/subgraph_matcher.py | 2 +- model-optimizer/mo/front/tf/common.py | 2 +- .../mo/front/tf/custom_subgraph_call.py | 2 +- .../mo/front/tf/extractors/concat.py | 2 +- .../mo/front/tf/extractors/concat_test.py | 2 +- .../mo/front/tf/extractors/fused_bn.py | 2 +- .../mo/front/tf/extractors/identity.py | 2 +- .../mo/front/tf/extractors/identity_test.py | 2 +- .../mo/front/tf/extractors/native_tf.py | 2 +- .../mo/front/tf/extractors/pack.py | 2 +- .../mo/front/tf/extractors/random_uniform.py | 2 +- .../mo/front/tf/extractors/utils.py | 2 +- .../mo/front/tf/extractors/utils_test.py | 2 +- model-optimizer/mo/front/tf/graph_utils.py | 2 +- model-optimizer/mo/front/tf/loader_test.py | 2 +- .../mo/front/tf/partial_infer/tf.py | 2 +- .../mo/front/tf/register_custom_ops.py | 2 +- model-optimizer/mo/front/tf/replacement.py | 2 +- model-optimizer/mo/graph/graph_test.py | 2 +- model-optimizer/mo/main.py | 2 +- model-optimizer/mo/main_test.py | 2 +- model-optimizer/mo/middle/passes/conv.py | 2 +- .../mo/middle/passes/convert_data_type.py | 2 +- .../middle/passes/convert_data_type_test.py | 2 +- model-optimizer/mo/middle/passes/debug.py | 2 +- model-optimizer/mo/middle/passes/eliminate.py | 2 +- .../mo/middle/passes/eliminate_test.py | 2 +- .../mo/middle/passes/fusing/decomposition.py | 2 +- .../passes/fusing/decomposition_test.py | 2 +- .../middle/passes/fusing/fuse_grouped_conv.py | 2 +- .../middle/passes/fusing/fuse_linear_ops.py | 2 +- .../passes/fusing/fuse_linear_ops_test.py | 2 +- .../middle/passes/fusing/fuse_linear_seq.py | 2 +- .../passes/fusing/fuse_linear_seq_test.py | 2 +- .../passes/fusing/mark_unfused_nodes.py | 2 +- .../passes/fusing/mark_unfused_nodes_test.py | 2 +- .../passes/fusing/resnet_optimization.py | 2 +- .../passes/fusing/resnet_optimization_test.py | 2 +- model-optimizer/mo/middle/passes/infer.py | 2 +- .../mo/middle/passes/infer_test.py | 2 +- .../mo/middle/passes/tensor_names.py | 2 +- model-optimizer/mo/middle/pattern_match.py | 2 +- model-optimizer/mo/middle/replacement.py | 2 +- model-optimizer/mo/ops/activation.py | 2 +- model-optimizer/mo/ops/assign.py | 2 +- model-optimizer/mo/ops/broadcast.py | 2 +- model-optimizer/mo/ops/broadcast_test.py | 2 +- model-optimizer/mo/ops/clamp.py | 2 +- model-optimizer/mo/ops/concat.py | 2 +- model-optimizer/mo/ops/concat_test.py | 2 +- model-optimizer/mo/ops/const.py | 2 +- model-optimizer/mo/ops/constant_of_shape.py | 2 +- model-optimizer/mo/ops/convolution.py | 2 +- model-optimizer/mo/ops/convolution_test.py | 2 +- model-optimizer/mo/ops/crop.py | 2 +- model-optimizer/mo/ops/crop_test.py | 2 +- model-optimizer/mo/ops/deconvolution.py | 2 +- model-optimizer/mo/ops/eltwise.py | 2 +- model-optimizer/mo/ops/eltwise_n.py | 2 +- .../mo/ops/eltwise_ninputs_in_1.py | 2 +- model-optimizer/mo/ops/expand_dims.py | 2 +- model-optimizer/mo/ops/expand_dims_test.py | 2 +- model-optimizer/mo/ops/fill.py | 2 +- model-optimizer/mo/ops/flatten.py | 2 +- model-optimizer/mo/ops/group_norm.py | 2 +- model-optimizer/mo/ops/log_softmax.py | 2 +- model-optimizer/mo/ops/lrn.py | 2 +- model-optimizer/mo/ops/lstmnonlinearity.py | 2 +- model-optimizer/mo/ops/memory.py | 2 +- model-optimizer/mo/ops/memoryoffset.py | 2 +- model-optimizer/mo/ops/pad.py | 2 +- model-optimizer/mo/ops/pad_test.py | 2 +- model-optimizer/mo/ops/permute.py | 2 +- model-optimizer/mo/ops/power.py | 2 +- model-optimizer/mo/ops/read_value.py | 2 +- model-optimizer/mo/ops/result.py | 2 +- model-optimizer/mo/ops/scale_shift.py | 2 +- model-optimizer/mo/ops/shape.py | 2 +- model-optimizer/mo/ops/slice_test.py | 2 +- model-optimizer/mo/ops/softmax.py | 2 +- model-optimizer/mo/ops/space_to_batch.py | 2 +- model-optimizer/mo/ops/squeeze.py | 2 +- model-optimizer/mo/ops/squeeze_test.py | 2 +- model-optimizer/mo/ops/tdnncomponent.py | 2 +- model-optimizer/mo/ops/tile.py | 2 +- model-optimizer/mo/ops/tile_test.py | 2 +- model-optimizer/mo/ops/unsqueeze.py | 2 +- model-optimizer/mo/ops/unsqueeze_test.py | 2 +- model-optimizer/mo/pipeline/common.py | 2 +- model-optimizer/mo/pipeline/common_test.py | 2 +- model-optimizer/mo/pipeline/unified.py | 2 +- model-optimizer/mo/utils/broadcasting.py | 2 +- model-optimizer/mo/utils/broadcasting_test.py | 2 +- model-optimizer/mo/utils/cli_parser.py | 2 +- model-optimizer/mo/utils/cli_parser_test.py | 2 +- model-optimizer/mo/utils/convert.py | 2 +- .../mo/utils/custom_replacement_config.py | 2 +- model-optimizer/mo/utils/dsu.py | 2 +- model-optimizer/mo/utils/find_inputs.py | 2 +- .../mo/utils/get_ov_update_message.py | 2 +- model-optimizer/mo/utils/graph.py | 2 +- model-optimizer/mo/utils/graph_test.py | 2 +- model-optimizer/mo/utils/guess_framework.py | 2 +- model-optimizer/mo/utils/import_extensions.py | 2 +- .../mo/utils/ir_engine/compare_graphs.py | 2 +- .../mo/utils/ir_engine/ir_engine_test.py | 2 +- .../extenders/ExtractImagePatches_extender.py | 2 +- .../ir_reader/extenders/GRUCell_extender.py | 2 +- .../ir_reader/extenders/LSTMCell_extender.py | 2 +- .../ir_reader/extenders/RNNCell_extender.py | 2 +- .../extenders/binary_convolution_extender.py | 2 +- .../ir_reader/extenders/bucketize_extender.py | 2 +- .../ir_reader/extenders/conv_extender.py | 2 +- .../extenders/deconvolution_extender.py | 2 +- .../deformable_convolution_extender.py | 2 +- .../extenders/experimental_extender.py | 2 +- .../extenders/fakequantize_extender.py | 2 +- .../extenders/interpolate_extender.py | 2 +- .../ir_reader/extenders/loop_extender.py | 2 +- .../extenders/non_max_suppression_extender.py | 2 +- .../ir_reader/extenders/non_zero_extender.py | 2 +- .../utils/ir_reader/extenders/pad_extender.py | 2 +- .../ir_reader/extenders/parameter_extender.py | 2 +- .../ir_reader/extenders/pooling_extender.py | 2 +- .../extenders/priorbox_clustered_extender.py | 2 +- .../ir_reader/extenders/priorbox_extender.py | 2 +- .../ir_reader/extenders/range_extender.py | 2 +- .../extenders/reorg_yolo_extender.py | 2 +- .../ir_reader/extenders/shape_of_extender.py | 2 +- .../extenders/tensoriterator_extender.py | 2 +- .../extenders/variadic_split_extender.py | 2 +- .../mo/utils/ir_reader/restore_graph.py | 2 +- model-optimizer/mo/utils/logger.py | 2 +- model-optimizer/mo/utils/model_analysis.py | 2 +- model-optimizer/mo/utils/pipeline_config.py | 2 +- .../mo/utils/pipeline_config_test.py | 2 +- .../mo/utils/replacement_pattern.py | 2 +- model-optimizer/mo/utils/shape.py | 2 +- .../mo/utils/simple_proto_parser.py | 2 +- .../mo/utils/simple_proto_parser_test.py | 2 +- model-optimizer/mo/utils/str_to.py | 2 +- model-optimizer/mo/utils/summarize_graph.py | 2 +- .../mo/utils/summarize_graph_test.py | 2 +- model-optimizer/mo/utils/tensorboard_util.py | 2 +- .../mo/utils/unittest/extractors.py | 2 +- model-optimizer/mo/utils/unsupported_ops.py | 2 +- model-optimizer/mo/utils/utils.py | 2 +- model-optimizer/mo/utils/utils_test.py | 2 +- model-optimizer/mo/utils/versions_checker.py | 2 +- .../mo/utils/versions_checker_test.py | 2 +- model-optimizer/mo_caffe.py | 2 +- model-optimizer/mo_kaldi.py | 2 +- model-optimizer/mo_mxnet.py | 2 +- model-optimizer/mo_onnx.py | 2 +- model-optimizer/mo_tf.py | 2 +- 1089 files changed, 1099 insertions(+), 1099 deletions(-) diff --git a/model-optimizer/extensions/analysis/boolean_input.py b/model-optimizer/extensions/analysis/boolean_input.py index b4e6de4140b..209a76ad289 100644 --- a/model-optimizer/extensions/analysis/boolean_input.py +++ b/model-optimizer/extensions/analysis/boolean_input.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/analysis/inputs.py b/model-optimizer/extensions/analysis/inputs.py index 380c0c0e220..0da37ba6cc7 100644 --- a/model-optimizer/extensions/analysis/inputs.py +++ b/model-optimizer/extensions/analysis/inputs.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/analysis/json_print.py b/model-optimizer/extensions/analysis/json_print.py index 60799185d9b..e543b8b6679 100644 --- a/model-optimizer/extensions/analysis/json_print.py +++ b/model-optimizer/extensions/analysis/json_print.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/analysis/nodes.py b/model-optimizer/extensions/analysis/nodes.py index 3b65795e979..490a8e5ea2a 100644 --- a/model-optimizer/extensions/analysis/nodes.py +++ b/model-optimizer/extensions/analysis/nodes.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/analysis/tf_od_api.py b/model-optimizer/extensions/analysis/tf_od_api.py index 976511f1869..20c0ee31574 100644 --- a/model-optimizer/extensions/analysis/tf_od_api.py +++ b/model-optimizer/extensions/analysis/tf_od_api.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/analysis/tf_retinanet.py b/model-optimizer/extensions/analysis/tf_retinanet.py index dcbf2165285..496fc4e9539 100644 --- a/model-optimizer/extensions/analysis/tf_retinanet.py +++ b/model-optimizer/extensions/analysis/tf_retinanet.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/analysis/tf_yolo.py b/model-optimizer/extensions/analysis/tf_yolo.py index ecf44d102af..39c751f88e5 100644 --- a/model-optimizer/extensions/analysis/tf_yolo.py +++ b/model-optimizer/extensions/analysis/tf_yolo.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/AvgPool.py b/model-optimizer/extensions/back/AvgPool.py index 6f2c7a85c29..f19d53b16f7 100644 --- a/model-optimizer/extensions/back/AvgPool.py +++ b/model-optimizer/extensions/back/AvgPool.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/CellNormalizer.py b/model-optimizer/extensions/back/CellNormalizer.py index bb9834fbd2f..64620bddf78 100644 --- a/model-optimizer/extensions/back/CellNormalizer.py +++ b/model-optimizer/extensions/back/CellNormalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/ClampNormalizer.py b/model-optimizer/extensions/back/ClampNormalizer.py index a702b954475..20804758fa9 100644 --- a/model-optimizer/extensions/back/ClampNormalizer.py +++ b/model-optimizer/extensions/back/ClampNormalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/ClampNormalizer_test.py b/model-optimizer/extensions/back/ClampNormalizer_test.py index e1b8c2ec9b0..2d169476945 100644 --- a/model-optimizer/extensions/back/ClampNormalizer_test.py +++ b/model-optimizer/extensions/back/ClampNormalizer_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/ConvolutionNormalizer.py b/model-optimizer/extensions/back/ConvolutionNormalizer.py index 358fa290651..6086ff17bbc 100644 --- a/model-optimizer/extensions/back/ConvolutionNormalizer.py +++ b/model-optimizer/extensions/back/ConvolutionNormalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/ConvolutionNormalizer_test.py b/model-optimizer/extensions/back/ConvolutionNormalizer_test.py index 2dcfcb4d1f1..777f4130eda 100644 --- a/model-optimizer/extensions/back/ConvolutionNormalizer_test.py +++ b/model-optimizer/extensions/back/ConvolutionNormalizer_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/CorrectName.py b/model-optimizer/extensions/back/CorrectName.py index 1d1e9c0dd52..f533925f105 100644 --- a/model-optimizer/extensions/back/CorrectName.py +++ b/model-optimizer/extensions/back/CorrectName.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/CutMemory.py b/model-optimizer/extensions/back/CutMemory.py index d0f4ff80100..92afad52b82 100644 --- a/model-optimizer/extensions/back/CutMemory.py +++ b/model-optimizer/extensions/back/CutMemory.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/CutMemory_test.py b/model-optimizer/extensions/back/CutMemory_test.py index 51521e0a707..4d0e52663fb 100644 --- a/model-optimizer/extensions/back/CutMemory_test.py +++ b/model-optimizer/extensions/back/CutMemory_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/EnableConstantStridedSlice.py b/model-optimizer/extensions/back/EnableConstantStridedSlice.py index 2ffc7793335..275029ba6eb 100644 --- a/model-optimizer/extensions/back/EnableConstantStridedSlice.py +++ b/model-optimizer/extensions/back/EnableConstantStridedSlice.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/FakeOutputResolver.py b/model-optimizer/extensions/back/FakeOutputResolver.py index f6a27186fa1..9a29b20268e 100644 --- a/model-optimizer/extensions/back/FakeOutputResolver.py +++ b/model-optimizer/extensions/back/FakeOutputResolver.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/FakeOutputResolver_test.py b/model-optimizer/extensions/back/FakeOutputResolver_test.py index 00f9affbd48..85e09dc1257 100644 --- a/model-optimizer/extensions/back/FakeOutputResolver_test.py +++ b/model-optimizer/extensions/back/FakeOutputResolver_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/ForceStrictPrecision.py b/model-optimizer/extensions/back/ForceStrictPrecision.py index 0f2a0443cef..ed43352c595 100644 --- a/model-optimizer/extensions/back/ForceStrictPrecision.py +++ b/model-optimizer/extensions/back/ForceStrictPrecision.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/FuseTransposesSequence.py b/model-optimizer/extensions/back/FuseTransposesSequence.py index a9e16d71bdc..b68d1436f35 100644 --- a/model-optimizer/extensions/back/FuseTransposesSequence.py +++ b/model-optimizer/extensions/back/FuseTransposesSequence.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/FuseTransposesSequence_test.py b/model-optimizer/extensions/back/FuseTransposesSequence_test.py index 97afe7e6244..73b2535e72d 100644 --- a/model-optimizer/extensions/back/FuseTransposesSequence_test.py +++ b/model-optimizer/extensions/back/FuseTransposesSequence_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/GatherNormalizer.py b/model-optimizer/extensions/back/GatherNormalizer.py index 0bb1a8d96a4..d7dec7ef332 100644 --- a/model-optimizer/extensions/back/GatherNormalizer.py +++ b/model-optimizer/extensions/back/GatherNormalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/GroupedConvWeightsNormalize.py b/model-optimizer/extensions/back/GroupedConvWeightsNormalize.py index 4848fa63f84..69246beaa65 100644 --- a/model-optimizer/extensions/back/GroupedConvWeightsNormalize.py +++ b/model-optimizer/extensions/back/GroupedConvWeightsNormalize.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/InterpolateReshape.py b/model-optimizer/extensions/back/InterpolateReshape.py index b8686fa317a..c4687273546 100644 --- a/model-optimizer/extensions/back/InterpolateReshape.py +++ b/model-optimizer/extensions/back/InterpolateReshape.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/InterpolateReshape_test.py b/model-optimizer/extensions/back/InterpolateReshape_test.py index c685004f85c..543d0a0aa75 100644 --- a/model-optimizer/extensions/back/InterpolateReshape_test.py +++ b/model-optimizer/extensions/back/InterpolateReshape_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/LRNToNorm.py b/model-optimizer/extensions/back/LRNToNorm.py index 4984ae49263..81dcc191a25 100644 --- a/model-optimizer/extensions/back/LRNToNorm.py +++ b/model-optimizer/extensions/back/LRNToNorm.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/LayoutChangeForGatherND.py b/model-optimizer/extensions/back/LayoutChangeForGatherND.py index 8f6d1c7c69d..c6b5c395e59 100644 --- a/model-optimizer/extensions/back/LayoutChangeForGatherND.py +++ b/model-optimizer/extensions/back/LayoutChangeForGatherND.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/LayoutChangeForGatherND_test.py b/model-optimizer/extensions/back/LayoutChangeForGatherND_test.py index 7bf611ea63a..7e05a350d5d 100644 --- a/model-optimizer/extensions/back/LayoutChangeForGatherND_test.py +++ b/model-optimizer/extensions/back/LayoutChangeForGatherND_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/LeakyReLUMutation.py b/model-optimizer/extensions/back/LeakyReLUMutation.py index 6232f66b2d3..e40e318029e 100644 --- a/model-optimizer/extensions/back/LeakyReLUMutation.py +++ b/model-optimizer/extensions/back/LeakyReLUMutation.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/MatMulNormalizer.py b/model-optimizer/extensions/back/MatMulNormalizer.py index d19d6b2b3a6..ca2f06c8719 100644 --- a/model-optimizer/extensions/back/MatMulNormalizer.py +++ b/model-optimizer/extensions/back/MatMulNormalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/MatMulNormalizer_test.py b/model-optimizer/extensions/back/MatMulNormalizer_test.py index eb149b65d68..f88b728be27 100644 --- a/model-optimizer/extensions/back/MatMulNormalizer_test.py +++ b/model-optimizer/extensions/back/MatMulNormalizer_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/MaxPool.py b/model-optimizer/extensions/back/MaxPool.py index 71f62c1d999..d6fad01e7dd 100644 --- a/model-optimizer/extensions/back/MaxPool.py +++ b/model-optimizer/extensions/back/MaxPool.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/NormalizeToNormalizeL2.py b/model-optimizer/extensions/back/NormalizeToNormalizeL2.py index 482c536cc85..0106c8f0c69 100644 --- a/model-optimizer/extensions/back/NormalizeToNormalizeL2.py +++ b/model-optimizer/extensions/back/NormalizeToNormalizeL2.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/OptimizeTransposeReshapeSequence.py b/model-optimizer/extensions/back/OptimizeTransposeReshapeSequence.py index 5ef773670ed..74b66ad358c 100644 --- a/model-optimizer/extensions/back/OptimizeTransposeReshapeSequence.py +++ b/model-optimizer/extensions/back/OptimizeTransposeReshapeSequence.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/OptimizeTransposeReshapeSequence_test.py b/model-optimizer/extensions/back/OptimizeTransposeReshapeSequence_test.py index 123184d76d4..6b82bdabb0a 100644 --- a/model-optimizer/extensions/back/OptimizeTransposeReshapeSequence_test.py +++ b/model-optimizer/extensions/back/OptimizeTransposeReshapeSequence_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/PackBinaryWeights.py b/model-optimizer/extensions/back/PackBinaryWeights.py index 0035ad2b6b1..a478066d226 100644 --- a/model-optimizer/extensions/back/PackBinaryWeights.py +++ b/model-optimizer/extensions/back/PackBinaryWeights.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/ProposalMutation.py b/model-optimizer/extensions/back/ProposalMutation.py index 016d2f3fea9..99a87254efa 100644 --- a/model-optimizer/extensions/back/ProposalMutation.py +++ b/model-optimizer/extensions/back/ProposalMutation.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/RNNSequenceTypeRename.py b/model-optimizer/extensions/back/RNNSequenceTypeRename.py index a8ad117f1df..f71a2e415b2 100644 --- a/model-optimizer/extensions/back/RNNSequenceTypeRename.py +++ b/model-optimizer/extensions/back/RNNSequenceTypeRename.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/ReduceMerge.py b/model-optimizer/extensions/back/ReduceMerge.py index a670a1f1b4c..0cec6151b9b 100644 --- a/model-optimizer/extensions/back/ReduceMerge.py +++ b/model-optimizer/extensions/back/ReduceMerge.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/ReduceTransposeDimensions.py b/model-optimizer/extensions/back/ReduceTransposeDimensions.py index 16ceed18a29..27c53156e53 100644 --- a/model-optimizer/extensions/back/ReduceTransposeDimensions.py +++ b/model-optimizer/extensions/back/ReduceTransposeDimensions.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/ReduceTransposeDimensions_test.py b/model-optimizer/extensions/back/ReduceTransposeDimensions_test.py index 840adc4dc32..e8dd7e108ad 100644 --- a/model-optimizer/extensions/back/ReduceTransposeDimensions_test.py +++ b/model-optimizer/extensions/back/ReduceTransposeDimensions_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/RemoveUselessConvert.py b/model-optimizer/extensions/back/RemoveUselessConvert.py index e2312acf4a0..2244394e79c 100644 --- a/model-optimizer/extensions/back/RemoveUselessConvert.py +++ b/model-optimizer/extensions/back/RemoveUselessConvert.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/Reshape0DToSqueeze.py b/model-optimizer/extensions/back/Reshape0DToSqueeze.py index 67185e1fc17..4b09b565881 100644 --- a/model-optimizer/extensions/back/Reshape0DToSqueeze.py +++ b/model-optimizer/extensions/back/Reshape0DToSqueeze.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/ReshapeMutation.py b/model-optimizer/extensions/back/ReshapeMutation.py index 685cccd11ff..be5fa94d312 100644 --- a/model-optimizer/extensions/back/ReshapeMutation.py +++ b/model-optimizer/extensions/back/ReshapeMutation.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/ResultNormalizer.py b/model-optimizer/extensions/back/ResultNormalizer.py index 81d6aed24bd..41106f529f8 100644 --- a/model-optimizer/extensions/back/ResultNormalizer.py +++ b/model-optimizer/extensions/back/ResultNormalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/ReverseInputChannels.py b/model-optimizer/extensions/back/ReverseInputChannels.py index e578190784e..9136b46ecd9 100644 --- a/model-optimizer/extensions/back/ReverseInputChannels.py +++ b/model-optimizer/extensions/back/ReverseInputChannels.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/ScalarConstNormalize.py b/model-optimizer/extensions/back/ScalarConstNormalize.py index 2193e49428c..934f45d53e2 100644 --- a/model-optimizer/extensions/back/ScalarConstNormalize.py +++ b/model-optimizer/extensions/back/ScalarConstNormalize.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/SelectBroadcast.py b/model-optimizer/extensions/back/SelectBroadcast.py index d45550d95cf..4bb0a763d0b 100644 --- a/model-optimizer/extensions/back/SelectBroadcast.py +++ b/model-optimizer/extensions/back/SelectBroadcast.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/ShuffleChannelPatternOptimization.py b/model-optimizer/extensions/back/ShuffleChannelPatternOptimization.py index 2ee151bfb6c..17eb363d745 100644 --- a/model-optimizer/extensions/back/ShuffleChannelPatternOptimization.py +++ b/model-optimizer/extensions/back/ShuffleChannelPatternOptimization.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/ShuffleChannelPatternOptimization_test.py b/model-optimizer/extensions/back/ShuffleChannelPatternOptimization_test.py index 82a383c2c7a..14ba0a5eddc 100644 --- a/model-optimizer/extensions/back/ShuffleChannelPatternOptimization_test.py +++ b/model-optimizer/extensions/back/ShuffleChannelPatternOptimization_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/ShufflenetReLUReorder.py b/model-optimizer/extensions/back/ShufflenetReLUReorder.py index 76e3fa08cf8..ce477378e29 100644 --- a/model-optimizer/extensions/back/ShufflenetReLUReorder.py +++ b/model-optimizer/extensions/back/ShufflenetReLUReorder.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/ShufflenetReLUReorder_test.py b/model-optimizer/extensions/back/ShufflenetReLUReorder_test.py index 3982172ce94..82ef5729e2f 100644 --- a/model-optimizer/extensions/back/ShufflenetReLUReorder_test.py +++ b/model-optimizer/extensions/back/ShufflenetReLUReorder_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/SpecialNodesFinalization_test.py b/model-optimizer/extensions/back/SpecialNodesFinalization_test.py index 1541c64666b..1464316b3ca 100644 --- a/model-optimizer/extensions/back/SpecialNodesFinalization_test.py +++ b/model-optimizer/extensions/back/SpecialNodesFinalization_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/TopKNormalizer.py b/model-optimizer/extensions/back/TopKNormalizer.py index e590f4f2821..47292dd1715 100644 --- a/model-optimizer/extensions/back/TopKNormalizer.py +++ b/model-optimizer/extensions/back/TopKNormalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/TransposeReduceFusing.py b/model-optimizer/extensions/back/TransposeReduceFusing.py index 13d638a1af5..e9e198923b6 100644 --- a/model-optimizer/extensions/back/TransposeReduceFusing.py +++ b/model-optimizer/extensions/back/TransposeReduceFusing.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/TransposeReduceFusing_test.py b/model-optimizer/extensions/back/TransposeReduceFusing_test.py index 85d578a3cc4..0bc97bf3ff7 100644 --- a/model-optimizer/extensions/back/TransposeReduceFusing_test.py +++ b/model-optimizer/extensions/back/TransposeReduceFusing_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/UselessConcatRemoval.py b/model-optimizer/extensions/back/UselessConcatRemoval.py index c022e29f6ae..391c147e2f9 100644 --- a/model-optimizer/extensions/back/UselessConcatRemoval.py +++ b/model-optimizer/extensions/back/UselessConcatRemoval.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/blob_normalizer.py b/model-optimizer/extensions/back/blob_normalizer.py index fc23124e3f9..da743e31964 100644 --- a/model-optimizer/extensions/back/blob_normalizer.py +++ b/model-optimizer/extensions/back/blob_normalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/disable_unsupported_ND_operations.py b/model-optimizer/extensions/back/disable_unsupported_ND_operations.py index 87dc7e7f193..36baf70c5fb 100644 --- a/model-optimizer/extensions/back/disable_unsupported_ND_operations.py +++ b/model-optimizer/extensions/back/disable_unsupported_ND_operations.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/fuse_sub_div_min.py b/model-optimizer/extensions/back/fuse_sub_div_min.py index 647e262914d..63b3c540288 100644 --- a/model-optimizer/extensions/back/fuse_sub_div_min.py +++ b/model-optimizer/extensions/back/fuse_sub_div_min.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/insert_compatibility_l2normalization.py b/model-optimizer/extensions/back/insert_compatibility_l2normalization.py index a09544ef710..f982748c38b 100644 --- a/model-optimizer/extensions/back/insert_compatibility_l2normalization.py +++ b/model-optimizer/extensions/back/insert_compatibility_l2normalization.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/back/insert_compatibility_l2normalization_test.py b/model-optimizer/extensions/back/insert_compatibility_l2normalization_test.py index ea7e02aeb4e..33fd4431729 100644 --- a/model-optimizer/extensions/back/insert_compatibility_l2normalization_test.py +++ b/model-optimizer/extensions/back/insert_compatibility_l2normalization_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/back/kaldi_remove_memory_output.py b/model-optimizer/extensions/back/kaldi_remove_memory_output.py index b3e275ddc38..f1a59833cc6 100644 --- a/model-optimizer/extensions/back/kaldi_remove_memory_output.py +++ b/model-optimizer/extensions/back/kaldi_remove_memory_output.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 a771be71453..98f16f96541 100644 --- a/model-optimizer/extensions/back/kaldi_remove_memory_output_test.py +++ b/model-optimizer/extensions/back/kaldi_remove_memory_output_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/op_versioning.py b/model-optimizer/extensions/back/op_versioning.py index 8a78f90cb18..105d95b79a8 100644 --- a/model-optimizer/extensions/back/op_versioning.py +++ b/model-optimizer/extensions/back/op_versioning.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/pass_separator.py b/model-optimizer/extensions/back/pass_separator.py index abad35bcb31..d310bcdafd4 100644 --- a/model-optimizer/extensions/back/pass_separator.py +++ b/model-optimizer/extensions/back/pass_separator.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/priorbox_mutation.py b/model-optimizer/extensions/back/priorbox_mutation.py index 01054ef2d37..29940453544 100644 --- a/model-optimizer/extensions/back/priorbox_mutation.py +++ b/model-optimizer/extensions/back/priorbox_mutation.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/remove_last_softmax_pattern.py b/model-optimizer/extensions/back/remove_last_softmax_pattern.py index d673b832938..1d994075a40 100644 --- a/model-optimizer/extensions/back/remove_last_softmax_pattern.py +++ b/model-optimizer/extensions/back/remove_last_softmax_pattern.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/back/remove_last_softmax_test.py b/model-optimizer/extensions/back/remove_last_softmax_test.py index 3ff31c2fa6d..4734ad8c434 100644 --- a/model-optimizer/extensions/back/remove_last_softmax_test.py +++ b/model-optimizer/extensions/back/remove_last_softmax_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/ATenToEmbeddingBag.py b/model-optimizer/extensions/front/ATenToEmbeddingBag.py index 8da70dc5c0d..0cba134eb1c 100644 --- a/model-optimizer/extensions/front/ATenToEmbeddingBag.py +++ b/model-optimizer/extensions/front/ATenToEmbeddingBag.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/ATenToEmbeddingBag_test.py b/model-optimizer/extensions/front/ATenToEmbeddingBag_test.py index bade2da38db..cced0d7be52 100644 --- a/model-optimizer/extensions/front/ATenToEmbeddingBag_test.py +++ b/model-optimizer/extensions/front/ATenToEmbeddingBag_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/ArgMaxSqueeze.py b/model-optimizer/extensions/front/ArgMaxSqueeze.py index 0c5e93f4379..591f3702b9f 100644 --- a/model-optimizer/extensions/front/ArgMaxSqueeze.py +++ b/model-optimizer/extensions/front/ArgMaxSqueeze.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/AttributedClampNormalizer.py b/model-optimizer/extensions/front/AttributedClampNormalizer.py index 0b5559666f6..1ae5c49e240 100644 --- a/model-optimizer/extensions/front/AttributedClampNormalizer.py +++ b/model-optimizer/extensions/front/AttributedClampNormalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/AttributedClampNormalizer_test.py b/model-optimizer/extensions/front/AttributedClampNormalizer_test.py index 0eb1bb7b4a8..3b8bc03e68a 100644 --- a/model-optimizer/extensions/front/AttributedClampNormalizer_test.py +++ b/model-optimizer/extensions/front/AttributedClampNormalizer_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/AttributedGatherNormalizer.py b/model-optimizer/extensions/front/AttributedGatherNormalizer.py index 659fe4e494b..36c5765ce9c 100644 --- a/model-optimizer/extensions/front/AttributedGatherNormalizer.py +++ b/model-optimizer/extensions/front/AttributedGatherNormalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/ChangeCastOutputType.py b/model-optimizer/extensions/front/ChangeCastOutputType.py index 7dcbeaa0916..aeede43cb0a 100644 --- a/model-optimizer/extensions/front/ChangeCastOutputType.py +++ b/model-optimizer/extensions/front/ChangeCastOutputType.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/ChangePlaceholderTypes.py b/model-optimizer/extensions/front/ChangePlaceholderTypes.py index 92796a9ad53..2399298be38 100644 --- a/model-optimizer/extensions/front/ChangePlaceholderTypes.py +++ b/model-optimizer/extensions/front/ChangePlaceholderTypes.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/DropoutWithRandomUniformReplacer.py b/model-optimizer/extensions/front/DropoutWithRandomUniformReplacer.py index d271db29a22..ce5fda18c30 100644 --- a/model-optimizer/extensions/front/DropoutWithRandomUniformReplacer.py +++ b/model-optimizer/extensions/front/DropoutWithRandomUniformReplacer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/DropoutWithRandomUniformReplacer_test.py b/model-optimizer/extensions/front/DropoutWithRandomUniformReplacer_test.py index 99c0f0a1f1b..f09178683a9 100644 --- a/model-optimizer/extensions/front/DropoutWithRandomUniformReplacer_test.py +++ b/model-optimizer/extensions/front/DropoutWithRandomUniformReplacer_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/ExpandDimsToUnsqueeze.py b/model-optimizer/extensions/front/ExpandDimsToUnsqueeze.py index c285510493b..0c42f64fef3 100644 --- a/model-optimizer/extensions/front/ExpandDimsToUnsqueeze.py +++ b/model-optimizer/extensions/front/ExpandDimsToUnsqueeze.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/FillToBroadcast.py b/model-optimizer/extensions/front/FillToBroadcast.py index 11d8981cef8..ecfd00654a5 100644 --- a/model-optimizer/extensions/front/FillToBroadcast.py +++ b/model-optimizer/extensions/front/FillToBroadcast.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/GeLUMerger_Tanh.py b/model-optimizer/extensions/front/GeLUMerger_Tanh.py index 923cf362332..3b9a568df4b 100644 --- a/model-optimizer/extensions/front/GeLUMerger_Tanh.py +++ b/model-optimizer/extensions/front/GeLUMerger_Tanh.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/front/GeLUMerger_test.py b/model-optimizer/extensions/front/GeLUMerger_test.py index 6c6b698918b..931a368f472 100644 --- a/model-optimizer/extensions/front/GeLUMerger_test.py +++ b/model-optimizer/extensions/front/GeLUMerger_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/HSigmoid_fusion.py b/model-optimizer/extensions/front/HSigmoid_fusion.py index 555cd448402..49ec30035a3 100644 --- a/model-optimizer/extensions/front/HSigmoid_fusion.py +++ b/model-optimizer/extensions/front/HSigmoid_fusion.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/HSigmoid_fusion_test.py b/model-optimizer/extensions/front/HSigmoid_fusion_test.py index 6c6b9961bcd..4118b646d27 100644 --- a/model-optimizer/extensions/front/HSigmoid_fusion_test.py +++ b/model-optimizer/extensions/front/HSigmoid_fusion_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/HSwish_fusing_test.py b/model-optimizer/extensions/front/HSwish_fusing_test.py index b7cedba4a16..a9e12158368 100644 --- a/model-optimizer/extensions/front/HSwish_fusing_test.py +++ b/model-optimizer/extensions/front/HSwish_fusing_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/HSwish_fusion.py b/model-optimizer/extensions/front/HSwish_fusion.py index 624d1ba4ee9..075ed9249aa 100644 --- a/model-optimizer/extensions/front/HSwish_fusion.py +++ b/model-optimizer/extensions/front/HSwish_fusion.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/InterpolateNormalizer.py b/model-optimizer/extensions/front/InterpolateNormalizer.py index ce590d75ed4..d3d66b6feed 100644 --- a/model-optimizer/extensions/front/InterpolateNormalizer.py +++ b/model-optimizer/extensions/front/InterpolateNormalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/Log1p.py b/model-optimizer/extensions/front/Log1p.py index c37b7f329fa..7fb84e69643 100644 --- a/model-optimizer/extensions/front/Log1p.py +++ b/model-optimizer/extensions/front/Log1p.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/Log1p_test.py b/model-optimizer/extensions/front/Log1p_test.py index 98a4c9f9487..ebe7ab6abdd 100644 --- a/model-optimizer/extensions/front/Log1p_test.py +++ b/model-optimizer/extensions/front/Log1p_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/MatMul_normalizer.py b/model-optimizer/extensions/front/MatMul_normalizer.py index 1baddac0d58..5a70faf0de0 100644 --- a/model-optimizer/extensions/front/MatMul_normalizer.py +++ b/model-optimizer/extensions/front/MatMul_normalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/Mish_fusion.py b/model-optimizer/extensions/front/Mish_fusion.py index 5d0bfa2e638..d0a4c82cffd 100644 --- a/model-optimizer/extensions/front/Mish_fusion.py +++ b/model-optimizer/extensions/front/Mish_fusion.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/Mish_fusion_test.py b/model-optimizer/extensions/front/Mish_fusion_test.py index c1d97c431a4..ba79b86928a 100644 --- a/model-optimizer/extensions/front/Mish_fusion_test.py +++ b/model-optimizer/extensions/front/Mish_fusion_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/MoveEmbeddedInputsToInputs.py b/model-optimizer/extensions/front/MoveEmbeddedInputsToInputs.py index 102338f69c5..1cb0d717244 100644 --- a/model-optimizer/extensions/front/MoveEmbeddedInputsToInputs.py +++ b/model-optimizer/extensions/front/MoveEmbeddedInputsToInputs.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/OneHotDepthNormalizer.py b/model-optimizer/extensions/front/OneHotDepthNormalizer.py index 14416664850..abc21f126ff 100644 --- a/model-optimizer/extensions/front/OneHotDepthNormalizer.py +++ b/model-optimizer/extensions/front/OneHotDepthNormalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/OneHotDepthNormalizer_test.py b/model-optimizer/extensions/front/OneHotDepthNormalizer_test.py index eac210e50d5..cfdc746f7d0 100644 --- a/model-optimizer/extensions/front/OneHotDepthNormalizer_test.py +++ b/model-optimizer/extensions/front/OneHotDepthNormalizer_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/Pack.py b/model-optimizer/extensions/front/Pack.py index 4070ec44e4f..06487a6b601 100644 --- a/model-optimizer/extensions/front/Pack.py +++ b/model-optimizer/extensions/front/Pack.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/Pack_test.py b/model-optimizer/extensions/front/Pack_test.py index 7471b8e1a97..3faaab30962 100644 --- a/model-optimizer/extensions/front/Pack_test.py +++ b/model-optimizer/extensions/front/Pack_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/PowerToEltwises.py b/model-optimizer/extensions/front/PowerToEltwises.py index 9c8b2aee683..063a5b8204b 100644 --- a/model-optimizer/extensions/front/PowerToEltwises.py +++ b/model-optimizer/extensions/front/PowerToEltwises.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/Softplus_fusion.py b/model-optimizer/extensions/front/Softplus_fusion.py index eb5ff592298..799e1a92a62 100644 --- a/model-optimizer/extensions/front/Softplus_fusion.py +++ b/model-optimizer/extensions/front/Softplus_fusion.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/Softplus_fusion_test.py b/model-optimizer/extensions/front/Softplus_fusion_test.py index eba085e9335..b4d8b1818d1 100644 --- a/model-optimizer/extensions/front/Softplus_fusion_test.py +++ b/model-optimizer/extensions/front/Softplus_fusion_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/SqueezeNormalize.py b/model-optimizer/extensions/front/SqueezeNormalize.py index bec23837fff..ef8efae8683 100644 --- a/model-optimizer/extensions/front/SqueezeNormalize.py +++ b/model-optimizer/extensions/front/SqueezeNormalize.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/Swish_fusion.py b/model-optimizer/extensions/front/Swish_fusion.py index bd47af787b6..9206c270100 100644 --- a/model-optimizer/extensions/front/Swish_fusion.py +++ b/model-optimizer/extensions/front/Swish_fusion.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/Swish_fusion_test.py b/model-optimizer/extensions/front/Swish_fusion_test.py index 08144c8d006..f690fff1b99 100644 --- a/model-optimizer/extensions/front/Swish_fusion_test.py +++ b/model-optimizer/extensions/front/Swish_fusion_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/ThresholdedReluDecomposition.py b/model-optimizer/extensions/front/ThresholdedReluDecomposition.py index b7db4f1b143..b547b3dea1f 100644 --- a/model-optimizer/extensions/front/ThresholdedReluDecomposition.py +++ b/model-optimizer/extensions/front/ThresholdedReluDecomposition.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/ThresholdedReluDecomposition_test.py b/model-optimizer/extensions/front/ThresholdedReluDecomposition_test.py index be0dee03a97..9b927cbab4c 100644 --- a/model-optimizer/extensions/front/ThresholdedReluDecomposition_test.py +++ b/model-optimizer/extensions/front/ThresholdedReluDecomposition_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/TopKNormalize.py b/model-optimizer/extensions/front/TopKNormalize.py index 0692bd17d57..525ca1ba000 100644 --- a/model-optimizer/extensions/front/TopKNormalize.py +++ b/model-optimizer/extensions/front/TopKNormalize.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/TransposeOrderNormalizer.py b/model-optimizer/extensions/front/TransposeOrderNormalizer.py index dd08b52e9b6..3a618413a90 100644 --- a/model-optimizer/extensions/front/TransposeOrderNormalizer.py +++ b/model-optimizer/extensions/front/TransposeOrderNormalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/YOLO.py b/model-optimizer/extensions/front/YOLO.py index 2a042cb32a3..ed4f143859b 100644 --- a/model-optimizer/extensions/front/YOLO.py +++ b/model-optimizer/extensions/front/YOLO.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/binary_quantize_normalization.py b/model-optimizer/extensions/front/binary_quantize_normalization.py index 55c4ad79589..f7943c76b0a 100644 --- a/model-optimizer/extensions/front/binary_quantize_normalization.py +++ b/model-optimizer/extensions/front/binary_quantize_normalization.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/binary_quantize_normalization_test.py b/model-optimizer/extensions/front/binary_quantize_normalization_test.py index fa0d9cd17d6..52922b0501e 100644 --- a/model-optimizer/extensions/front/binary_quantize_normalization_test.py +++ b/model-optimizer/extensions/front/binary_quantize_normalization_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/broadcast_with_range.py b/model-optimizer/extensions/front/broadcast_with_range.py index 0bb73b1e2e4..feb7c67e7a5 100644 --- a/model-optimizer/extensions/front/broadcast_with_range.py +++ b/model-optimizer/extensions/front/broadcast_with_range.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/broadcast_with_range_test.py b/model-optimizer/extensions/front/broadcast_with_range_test.py index 2c1ef540e86..b0301353de7 100644 --- a/model-optimizer/extensions/front/broadcast_with_range_test.py +++ b/model-optimizer/extensions/front/broadcast_with_range_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/ArgMaxFlatten.py b/model-optimizer/extensions/front/caffe/ArgMaxFlatten.py index e5651be48af..8a44a34f56e 100644 --- a/model-optimizer/extensions/front/caffe/ArgMaxFlatten.py +++ b/model-optimizer/extensions/front/caffe/ArgMaxFlatten.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/accum_ext.py b/model-optimizer/extensions/front/caffe/accum_ext.py index 7c042616b14..926ea7a6de2 100644 --- a/model-optimizer/extensions/front/caffe/accum_ext.py +++ b/model-optimizer/extensions/front/caffe/accum_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/accum_ext_test.py b/model-optimizer/extensions/front/caffe/accum_ext_test.py index 817179cef88..dd2798b8313 100644 --- a/model-optimizer/extensions/front/caffe/accum_ext_test.py +++ b/model-optimizer/extensions/front/caffe/accum_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/argmax_ext.py b/model-optimizer/extensions/front/caffe/argmax_ext.py index bcf51c96c88..2be7eed9ca1 100644 --- a/model-optimizer/extensions/front/caffe/argmax_ext.py +++ b/model-optimizer/extensions/front/caffe/argmax_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/argmax_ext_test.py b/model-optimizer/extensions/front/caffe/argmax_ext_test.py index b748eaef469..bcc58313a58 100644 --- a/model-optimizer/extensions/front/caffe/argmax_ext_test.py +++ b/model-optimizer/extensions/front/caffe/argmax_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/axpy.py b/model-optimizer/extensions/front/caffe/axpy.py index 22ac09fe5c9..a48bad6d252 100644 --- a/model-optimizer/extensions/front/caffe/axpy.py +++ b/model-optimizer/extensions/front/caffe/axpy.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/axpy_test.py b/model-optimizer/extensions/front/caffe/axpy_test.py index fc462b60d6b..ee1f1bfb09d 100644 --- a/model-optimizer/extensions/front/caffe/axpy_test.py +++ b/model-optimizer/extensions/front/caffe/axpy_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/binarization.py b/model-optimizer/extensions/front/caffe/binarization.py index b4b53878231..d8f7c4b5585 100644 --- a/model-optimizer/extensions/front/caffe/binarization.py +++ b/model-optimizer/extensions/front/caffe/binarization.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/binary_conv_ext.py b/model-optimizer/extensions/front/caffe/binary_conv_ext.py index 2e7c1e6cf47..7463d8ca50e 100644 --- a/model-optimizer/extensions/front/caffe/binary_conv_ext.py +++ b/model-optimizer/extensions/front/caffe/binary_conv_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/conv_ext.py b/model-optimizer/extensions/front/caffe/conv_ext.py index c72f20bdd26..d6021cddf4b 100644 --- a/model-optimizer/extensions/front/caffe/conv_ext.py +++ b/model-optimizer/extensions/front/caffe/conv_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/conv_ext_test.py b/model-optimizer/extensions/front/caffe/conv_ext_test.py index 58530f32f8e..5feb570a61e 100644 --- a/model-optimizer/extensions/front/caffe/conv_ext_test.py +++ b/model-optimizer/extensions/front/caffe/conv_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/correlation_ext.py b/model-optimizer/extensions/front/caffe/correlation_ext.py index 827fbaad5dd..e7a3473c76a 100644 --- a/model-optimizer/extensions/front/caffe/correlation_ext.py +++ b/model-optimizer/extensions/front/caffe/correlation_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/correlation_ext_test.py b/model-optimizer/extensions/front/caffe/correlation_ext_test.py index 8bb19437a54..62742c5733a 100644 --- a/model-optimizer/extensions/front/caffe/correlation_ext_test.py +++ b/model-optimizer/extensions/front/caffe/correlation_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/ctcgreedydecoder_ext.py b/model-optimizer/extensions/front/caffe/ctcgreedydecoder_ext.py index e68e2ddc3c1..04e77584388 100644 --- a/model-optimizer/extensions/front/caffe/ctcgreedydecoder_ext.py +++ b/model-optimizer/extensions/front/caffe/ctcgreedydecoder_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/ctcgreedydecoder_ext_test.py b/model-optimizer/extensions/front/caffe/ctcgreedydecoder_ext_test.py index 0193e974fa5..81c4f216f8d 100644 --- a/model-optimizer/extensions/front/caffe/ctcgreedydecoder_ext_test.py +++ b/model-optimizer/extensions/front/caffe/ctcgreedydecoder_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/data_augmentation_ext.py b/model-optimizer/extensions/front/caffe/data_augmentation_ext.py index 1e474e0db9a..cd8960392de 100644 --- a/model-optimizer/extensions/front/caffe/data_augmentation_ext.py +++ b/model-optimizer/extensions/front/caffe/data_augmentation_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. 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 33b4ef26fb1..efc005ebc06 100644 --- a/model-optimizer/extensions/front/caffe/data_augmentation_ext_test.py +++ b/model-optimizer/extensions/front/caffe/data_augmentation_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/front/caffe/detection_output.py b/model-optimizer/extensions/front/caffe/detection_output.py index 0f43b73a7ed..76c2a8a5a0f 100644 --- a/model-optimizer/extensions/front/caffe/detection_output.py +++ b/model-optimizer/extensions/front/caffe/detection_output.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/elementwise_ext.py b/model-optimizer/extensions/front/caffe/elementwise_ext.py index 144bab6ca9f..0c2a19e905e 100644 --- a/model-optimizer/extensions/front/caffe/elementwise_ext.py +++ b/model-optimizer/extensions/front/caffe/elementwise_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/elementwise_ext_test.py b/model-optimizer/extensions/front/caffe/elementwise_ext_test.py index 681fb856dba..bc60a2aa52a 100644 --- a/model-optimizer/extensions/front/caffe/elementwise_ext_test.py +++ b/model-optimizer/extensions/front/caffe/elementwise_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/eltwise_add_normalize.py b/model-optimizer/extensions/front/caffe/eltwise_add_normalize.py index 94180fd1123..cef2c552f46 100644 --- a/model-optimizer/extensions/front/caffe/eltwise_add_normalize.py +++ b/model-optimizer/extensions/front/caffe/eltwise_add_normalize.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 4d063598268..b9fff56b24e 100644 --- a/model-optimizer/extensions/front/caffe/eltwise_add_normalize_test.py +++ b/model-optimizer/extensions/front/caffe/eltwise_add_normalize_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/elu.py b/model-optimizer/extensions/front/caffe/elu.py index eee09bc560b..b0380b2e6c6 100644 --- a/model-optimizer/extensions/front/caffe/elu.py +++ b/model-optimizer/extensions/front/caffe/elu.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/elu_test.py b/model-optimizer/extensions/front/caffe/elu_test.py index dc30e54e825..71c1a17447c 100644 --- a/model-optimizer/extensions/front/caffe/elu_test.py +++ b/model-optimizer/extensions/front/caffe/elu_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/flatten_ext.py b/model-optimizer/extensions/front/caffe/flatten_ext.py index 2eb3593f3c3..bd25fb0a599 100644 --- a/model-optimizer/extensions/front/caffe/flatten_ext.py +++ b/model-optimizer/extensions/front/caffe/flatten_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/grn_ext.py b/model-optimizer/extensions/front/caffe/grn_ext.py index e7112f56975..0f4daea755d 100644 --- a/model-optimizer/extensions/front/caffe/grn_ext.py +++ b/model-optimizer/extensions/front/caffe/grn_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/grn_ext_test.py b/model-optimizer/extensions/front/caffe/grn_ext_test.py index 0499be2b0c7..abafc9c4851 100644 --- a/model-optimizer/extensions/front/caffe/grn_ext_test.py +++ b/model-optimizer/extensions/front/caffe/grn_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/inner_product_ext.py b/model-optimizer/extensions/front/caffe/inner_product_ext.py index b6e861ed345..5582650c980 100644 --- a/model-optimizer/extensions/front/caffe/inner_product_ext.py +++ b/model-optimizer/extensions/front/caffe/inner_product_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/input_ext.py b/model-optimizer/extensions/front/caffe/input_ext.py index b880dc65b36..6af0f1771e2 100644 --- a/model-optimizer/extensions/front/caffe/input_ext.py +++ b/model-optimizer/extensions/front/caffe/input_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/interp_ext.py b/model-optimizer/extensions/front/caffe/interp_ext.py index 6d953cbf94f..c960f8b393e 100644 --- a/model-optimizer/extensions/front/caffe/interp_ext.py +++ b/model-optimizer/extensions/front/caffe/interp_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/lrn_ext.py b/model-optimizer/extensions/front/caffe/lrn_ext.py index 1c0a72ca06e..ef912a06222 100644 --- a/model-optimizer/extensions/front/caffe/lrn_ext.py +++ b/model-optimizer/extensions/front/caffe/lrn_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/normalize_ext.py b/model-optimizer/extensions/front/caffe/normalize_ext.py index dbb8ee098c0..f325aab071f 100644 --- a/model-optimizer/extensions/front/caffe/normalize_ext.py +++ b/model-optimizer/extensions/front/caffe/normalize_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/normalize_ext_test.py b/model-optimizer/extensions/front/caffe/normalize_ext_test.py index ed76fcd1e8c..bd998bec9fe 100644 --- a/model-optimizer/extensions/front/caffe/normalize_ext_test.py +++ b/model-optimizer/extensions/front/caffe/normalize_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/permute_ext.py b/model-optimizer/extensions/front/caffe/permute_ext.py index ca9e3f3b136..98c7b7fcaa1 100644 --- a/model-optimizer/extensions/front/caffe/permute_ext.py +++ b/model-optimizer/extensions/front/caffe/permute_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/power_file_ext.py b/model-optimizer/extensions/front/caffe/power_file_ext.py index 039cce114e4..e05c2c5ee7d 100644 --- a/model-optimizer/extensions/front/caffe/power_file_ext.py +++ b/model-optimizer/extensions/front/caffe/power_file_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 be4ace65318..e561dda4693 100644 --- a/model-optimizer/extensions/front/caffe/power_file_ext_test.py +++ b/model-optimizer/extensions/front/caffe/power_file_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/prelu_ext.py b/model-optimizer/extensions/front/caffe/prelu_ext.py index 33df993a8dc..fe541d86a08 100644 --- a/model-optimizer/extensions/front/caffe/prelu_ext.py +++ b/model-optimizer/extensions/front/caffe/prelu_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/prelu_ext_test.py b/model-optimizer/extensions/front/caffe/prelu_ext_test.py index 581b6cde091..a04ae5b306e 100644 --- a/model-optimizer/extensions/front/caffe/prelu_ext_test.py +++ b/model-optimizer/extensions/front/caffe/prelu_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/priorbox_clustered_ext.py b/model-optimizer/extensions/front/caffe/priorbox_clustered_ext.py index 8648f69d46f..6d954e75afb 100644 --- a/model-optimizer/extensions/front/caffe/priorbox_clustered_ext.py +++ b/model-optimizer/extensions/front/caffe/priorbox_clustered_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 f3ba679df7e..4ee4fda82d8 100644 --- a/model-optimizer/extensions/front/caffe/priorbox_clustered_ext_test.py +++ b/model-optimizer/extensions/front/caffe/priorbox_clustered_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/priorbox_ext.py b/model-optimizer/extensions/front/caffe/priorbox_ext.py index f3b544be5bc..d99accd8ef8 100644 --- a/model-optimizer/extensions/front/caffe/priorbox_ext.py +++ b/model-optimizer/extensions/front/caffe/priorbox_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/priorbox_ext_test.py b/model-optimizer/extensions/front/caffe/priorbox_ext_test.py index db1d8b086f4..bb5feee12fc 100644 --- a/model-optimizer/extensions/front/caffe/priorbox_ext_test.py +++ b/model-optimizer/extensions/front/caffe/priorbox_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/proposal_ext.py b/model-optimizer/extensions/front/caffe/proposal_ext.py index e3973601cb8..d6ebc07e96a 100644 --- a/model-optimizer/extensions/front/caffe/proposal_ext.py +++ b/model-optimizer/extensions/front/caffe/proposal_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/proposal_ext_test.py b/model-optimizer/extensions/front/caffe/proposal_ext_test.py index e2a15babde5..b248b6fd8c2 100644 --- a/model-optimizer/extensions/front/caffe/proposal_ext_test.py +++ b/model-optimizer/extensions/front/caffe/proposal_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/proposal_python_ext.py b/model-optimizer/extensions/front/caffe/proposal_python_ext.py index 18170812f6c..e392a113a6c 100644 --- a/model-optimizer/extensions/front/caffe/proposal_python_ext.py +++ b/model-optimizer/extensions/front/caffe/proposal_python_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 b6f2f2b7779..24cbe2fdff7 100644 --- a/model-optimizer/extensions/front/caffe/proposal_python_ext_test.py +++ b/model-optimizer/extensions/front/caffe/proposal_python_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/psroipooling_ext.py b/model-optimizer/extensions/front/caffe/psroipooling_ext.py index 5050c65d3f4..f077ae08cad 100644 --- a/model-optimizer/extensions/front/caffe/psroipooling_ext.py +++ b/model-optimizer/extensions/front/caffe/psroipooling_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/regionyolo_ext.py b/model-optimizer/extensions/front/caffe/regionyolo_ext.py index 91cc2dd84a5..f30c1bad83d 100644 --- a/model-optimizer/extensions/front/caffe/regionyolo_ext.py +++ b/model-optimizer/extensions/front/caffe/regionyolo_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/regionyolo_ext_test.py b/model-optimizer/extensions/front/caffe/regionyolo_ext_test.py index 87db9dce25d..e35328075f2 100644 --- a/model-optimizer/extensions/front/caffe/regionyolo_ext_test.py +++ b/model-optimizer/extensions/front/caffe/regionyolo_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/relu6.py b/model-optimizer/extensions/front/caffe/relu6.py index bf6c29f478b..07a7c248189 100644 --- a/model-optimizer/extensions/front/caffe/relu6.py +++ b/model-optimizer/extensions/front/caffe/relu6.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/relu_ext.py b/model-optimizer/extensions/front/caffe/relu_ext.py index 5689338f4ac..7563afc4d24 100644 --- a/model-optimizer/extensions/front/caffe/relu_ext.py +++ b/model-optimizer/extensions/front/caffe/relu_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/reorgyolo_ext.py b/model-optimizer/extensions/front/caffe/reorgyolo_ext.py index c33c759c7f3..cfe590e8bf8 100644 --- a/model-optimizer/extensions/front/caffe/reorgyolo_ext.py +++ b/model-optimizer/extensions/front/caffe/reorgyolo_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/reorgyolo_ext_test.py b/model-optimizer/extensions/front/caffe/reorgyolo_ext_test.py index 3775eb98b74..e45801d4114 100644 --- a/model-optimizer/extensions/front/caffe/reorgyolo_ext_test.py +++ b/model-optimizer/extensions/front/caffe/reorgyolo_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/resample_ext.py b/model-optimizer/extensions/front/caffe/resample_ext.py index e59997ea326..28e051845e4 100644 --- a/model-optimizer/extensions/front/caffe/resample_ext.py +++ b/model-optimizer/extensions/front/caffe/resample_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/reshape.py b/model-optimizer/extensions/front/caffe/reshape.py index 49d78f3b9d7..b66f81e416a 100644 --- a/model-optimizer/extensions/front/caffe/reshape.py +++ b/model-optimizer/extensions/front/caffe/reshape.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/shufflechannel_ext.py b/model-optimizer/extensions/front/caffe/shufflechannel_ext.py index 2c00c50fbaa..77ce8ee25a4 100644 --- a/model-optimizer/extensions/front/caffe/shufflechannel_ext.py +++ b/model-optimizer/extensions/front/caffe/shufflechannel_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/sigmoid.py b/model-optimizer/extensions/front/caffe/sigmoid.py index 4d1fba12005..0f9701cb5a8 100644 --- a/model-optimizer/extensions/front/caffe/sigmoid.py +++ b/model-optimizer/extensions/front/caffe/sigmoid.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/simplernms_ext.py b/model-optimizer/extensions/front/caffe/simplernms_ext.py index b3c446966d9..9183091f799 100644 --- a/model-optimizer/extensions/front/caffe/simplernms_ext.py +++ b/model-optimizer/extensions/front/caffe/simplernms_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/simplernms_ext_test.py b/model-optimizer/extensions/front/caffe/simplernms_ext_test.py index 834e0ca4f15..ebb0b3788e3 100644 --- a/model-optimizer/extensions/front/caffe/simplernms_ext_test.py +++ b/model-optimizer/extensions/front/caffe/simplernms_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/slice_ext.py b/model-optimizer/extensions/front/caffe/slice_ext.py index fb4f8b0cf55..c75ed8b9da2 100644 --- a/model-optimizer/extensions/front/caffe/slice_ext.py +++ b/model-optimizer/extensions/front/caffe/slice_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/slice_to_split.py b/model-optimizer/extensions/front/caffe/slice_to_split.py index f42b94fcc9d..4d2fe02b2a0 100644 --- a/model-optimizer/extensions/front/caffe/slice_to_split.py +++ b/model-optimizer/extensions/front/caffe/slice_to_split.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/softmax_ext.py b/model-optimizer/extensions/front/caffe/softmax_ext.py index fd838d58831..924da4d0f01 100644 --- a/model-optimizer/extensions/front/caffe/softmax_ext.py +++ b/model-optimizer/extensions/front/caffe/softmax_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/spatial_transformer_ext.py b/model-optimizer/extensions/front/caffe/spatial_transformer_ext.py index a5d57355921..890b9cacb03 100644 --- a/model-optimizer/extensions/front/caffe/spatial_transformer_ext.py +++ b/model-optimizer/extensions/front/caffe/spatial_transformer_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 8246e07c3bc..42e7497bf99 100644 --- a/model-optimizer/extensions/front/caffe/spatial_transformer_ext_test.py +++ b/model-optimizer/extensions/front/caffe/spatial_transformer_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/split_to_identity.py b/model-optimizer/extensions/front/caffe/split_to_identity.py index 5d39d2d1980..df9cd49a75b 100644 --- a/model-optimizer/extensions/front/caffe/split_to_identity.py +++ b/model-optimizer/extensions/front/caffe/split_to_identity.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/caffe/tanh.py b/model-optimizer/extensions/front/caffe/tanh.py index 668eb91006b..9d0253831e9 100644 --- a/model-optimizer/extensions/front/caffe/tanh.py +++ b/model-optimizer/extensions/front/caffe/tanh.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/create_tensor_nodes.py b/model-optimizer/extensions/front/create_tensor_nodes.py index 0a389c99920..363fd3207c8 100644 --- a/model-optimizer/extensions/front/create_tensor_nodes.py +++ b/model-optimizer/extensions/front/create_tensor_nodes.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 85da9265a77..5e59176d0b0 100644 --- a/model-optimizer/extensions/front/disable_weights_quantize_value_propagation.py +++ b/model-optimizer/extensions/front/disable_weights_quantize_value_propagation.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/div.py b/model-optimizer/extensions/front/div.py index 1c0f875ee44..56624ce57c1 100644 --- a/model-optimizer/extensions/front/div.py +++ b/model-optimizer/extensions/front/div.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/div_test.py b/model-optimizer/extensions/front/div_test.py index e06f08208d7..5c67c626186 100644 --- a/model-optimizer/extensions/front/div_test.py +++ b/model-optimizer/extensions/front/div_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/eltwise_n.py b/model-optimizer/extensions/front/eltwise_n.py index ad44b4a6689..9b2c34a8961 100644 --- a/model-optimizer/extensions/front/eltwise_n.py +++ b/model-optimizer/extensions/front/eltwise_n.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/front/eltwise_n_test.py b/model-optimizer/extensions/front/eltwise_n_test.py index dd0c5fd123e..18fe36e531b 100644 --- a/model-optimizer/extensions/front/eltwise_n_test.py +++ b/model-optimizer/extensions/front/eltwise_n_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/flatten_to_reshape.py b/model-optimizer/extensions/front/flatten_to_reshape.py index 9683c0e3097..37a8551531c 100644 --- a/model-optimizer/extensions/front/flatten_to_reshape.py +++ b/model-optimizer/extensions/front/flatten_to_reshape.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/freeze_placeholder_value.py b/model-optimizer/extensions/front/freeze_placeholder_value.py index 05cf5b3abbf..a2b8a4a3175 100644 --- a/model-optimizer/extensions/front/freeze_placeholder_value.py +++ b/model-optimizer/extensions/front/freeze_placeholder_value.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/freeze_placeholder_value_test.py b/model-optimizer/extensions/front/freeze_placeholder_value_test.py index 93c443492f7..46fcfaf765f 100644 --- a/model-optimizer/extensions/front/freeze_placeholder_value_test.py +++ b/model-optimizer/extensions/front/freeze_placeholder_value_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/global_pooling_to_reduce.py b/model-optimizer/extensions/front/global_pooling_to_reduce.py index 1887c3daa3c..1771cee4e99 100644 --- a/model-optimizer/extensions/front/global_pooling_to_reduce.py +++ b/model-optimizer/extensions/front/global_pooling_to_reduce.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/image_scaler.py b/model-optimizer/extensions/front/image_scaler.py index dc18baa9c83..b5cf0c564d8 100644 --- a/model-optimizer/extensions/front/image_scaler.py +++ b/model-optimizer/extensions/front/image_scaler.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/image_scaler_test.py b/model-optimizer/extensions/front/image_scaler_test.py index 8c714268110..b68af930633 100644 --- a/model-optimizer/extensions/front/image_scaler_test.py +++ b/model-optimizer/extensions/front/image_scaler_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/input_cut.py b/model-optimizer/extensions/front/input_cut.py index c5c6f30247b..1716e86ec31 100644 --- a/model-optimizer/extensions/front/input_cut.py +++ b/model-optimizer/extensions/front/input_cut.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/interpolate_reshape.py b/model-optimizer/extensions/front/interpolate_reshape.py index 1d0201d0dcb..0f2ebb05bb8 100644 --- a/model-optimizer/extensions/front/interpolate_reshape.py +++ b/model-optimizer/extensions/front/interpolate_reshape.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/interpolate_reshape_test.py b/model-optimizer/extensions/front/interpolate_reshape_test.py index cb3dabb438d..851b2193988 100644 --- a/model-optimizer/extensions/front/interpolate_reshape_test.py +++ b/model-optimizer/extensions/front/interpolate_reshape_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 e3611d474b6..2ca03a6f6ce 100644 --- a/model-optimizer/extensions/front/kaldi/add_permute_after_convolution.py +++ b/model-optimizer/extensions/front/kaldi/add_permute_after_convolution.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 9ffc65eab99..18ca7293e3a 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 81733284598..fceaad584e6 100644 --- a/model-optimizer/extensions/front/kaldi/add_reshape_around_convolution.py +++ b/model-optimizer/extensions/front/kaldi/add_reshape_around_convolution.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 68c56299ab8..4672a7b7cd4 100644 --- a/model-optimizer/extensions/front/kaldi/add_reshape_around_pooling.py +++ b/model-optimizer/extensions/front/kaldi/add_reshape_around_pooling.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/kaldi/apply_counts.py b/model-optimizer/extensions/front/kaldi/apply_counts.py index 5b037567f3d..c649d1bcf58 100644 --- a/model-optimizer/extensions/front/kaldi/apply_counts.py +++ b/model-optimizer/extensions/front/kaldi/apply_counts.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/kaldi/apply_counts_test.py b/model-optimizer/extensions/front/kaldi/apply_counts_test.py index e654a650d5c..e817b52d016 100644 --- a/model-optimizer/extensions/front/kaldi/apply_counts_test.py +++ b/model-optimizer/extensions/front/kaldi/apply_counts_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/kaldi/logsoftmax_component_ext.py b/model-optimizer/extensions/front/kaldi/logsoftmax_component_ext.py index 3f60ae944da..442477b47bd 100644 --- a/model-optimizer/extensions/front/kaldi/logsoftmax_component_ext.py +++ b/model-optimizer/extensions/front/kaldi/logsoftmax_component_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/kaldi/memory_offset_adjustment.py b/model-optimizer/extensions/front/kaldi/memory_offset_adjustment.py index 565adfc2658..e8a89836b6d 100644 --- a/model-optimizer/extensions/front/kaldi/memory_offset_adjustment.py +++ b/model-optimizer/extensions/front/kaldi/memory_offset_adjustment.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 fb708e77554..15afa49edcf 100644 --- a/model-optimizer/extensions/front/kaldi/memory_offset_adjustment_test.py +++ b/model-optimizer/extensions/front/kaldi/memory_offset_adjustment_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/kaldi/replace_eltwise_nin1.py b/model-optimizer/extensions/front/kaldi/replace_eltwise_nin1.py index 5e3d74b39bf..25d296ff4f6 100644 --- a/model-optimizer/extensions/front/kaldi/replace_eltwise_nin1.py +++ b/model-optimizer/extensions/front/kaldi/replace_eltwise_nin1.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 8f29bae85d4..a28bb21ec4c 100644 --- a/model-optimizer/extensions/front/kaldi/replace_lstm_node_pattern.py +++ b/model-optimizer/extensions/front/kaldi/replace_lstm_node_pattern.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/kaldi/replace_lstm_nonlinearity.py b/model-optimizer/extensions/front/kaldi/replace_lstm_nonlinearity.py index 9bd5de07b82..c21ca33cabb 100644 --- a/model-optimizer/extensions/front/kaldi/replace_lstm_nonlinearity.py +++ b/model-optimizer/extensions/front/kaldi/replace_lstm_nonlinearity.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 311f54d2933..b2840415ad6 100644 --- a/model-optimizer/extensions/front/kaldi/replace_lstm_nonlinearity_test.py +++ b/model-optimizer/extensions/front/kaldi/replace_lstm_nonlinearity_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/kaldi/sigmoid_ext.py b/model-optimizer/extensions/front/kaldi/sigmoid_ext.py index 03ab52d1e9c..daf624c3344 100644 --- a/model-optimizer/extensions/front/kaldi/sigmoid_ext.py +++ b/model-optimizer/extensions/front/kaldi/sigmoid_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/kaldi/sigmoid_ext_test.py b/model-optimizer/extensions/front/kaldi/sigmoid_ext_test.py index 8d30458f317..9c876524561 100644 --- a/model-optimizer/extensions/front/kaldi/sigmoid_ext_test.py +++ b/model-optimizer/extensions/front/kaldi/sigmoid_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/kaldi/tanh_component_ext.py b/model-optimizer/extensions/front/kaldi/tanh_component_ext.py index 8beaf19c959..068274abf7c 100644 --- a/model-optimizer/extensions/front/kaldi/tanh_component_ext.py +++ b/model-optimizer/extensions/front/kaldi/tanh_component_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/kaldi/tanh_ext_test.py b/model-optimizer/extensions/front/kaldi/tanh_ext_test.py index 5f8df79e71d..455ce8461e0 100644 --- a/model-optimizer/extensions/front/kaldi/tanh_ext_test.py +++ b/model-optimizer/extensions/front/kaldi/tanh_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/kaldi/tdnn_component_replacer.py b/model-optimizer/extensions/front/kaldi/tdnn_component_replacer.py index 02413c63b70..684f69bdc9e 100644 --- a/model-optimizer/extensions/front/kaldi/tdnn_component_replacer.py +++ b/model-optimizer/extensions/front/kaldi/tdnn_component_replacer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 e5ffc3edf4b..74b2406a647 100644 --- a/model-optimizer/extensions/front/kaldi/tdnn_component_replacer_test.py +++ b/model-optimizer/extensions/front/kaldi/tdnn_component_replacer_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/MXRepeatReplacer.py b/model-optimizer/extensions/front/mxnet/MXRepeatReplacer.py index bc30eb598bd..56c2b4b71b0 100644 --- a/model-optimizer/extensions/front/mxnet/MXRepeatReplacer.py +++ b/model-optimizer/extensions/front/mxnet/MXRepeatReplacer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/RNN_ext.py b/model-optimizer/extensions/front/mxnet/RNN_ext.py index d0a13983f65..4110e3d92a9 100644 --- a/model-optimizer/extensions/front/mxnet/RNN_ext.py +++ b/model-optimizer/extensions/front/mxnet/RNN_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/RNN_ext_test.py b/model-optimizer/extensions/front/mxnet/RNN_ext_test.py index 53745596aac..7c2151ef903 100644 --- a/model-optimizer/extensions/front/mxnet/RNN_ext_test.py +++ b/model-optimizer/extensions/front/mxnet/RNN_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/activation.py b/model-optimizer/extensions/front/mxnet/activation.py index 8f4ad02d669..0820641ad56 100644 --- a/model-optimizer/extensions/front/mxnet/activation.py +++ b/model-optimizer/extensions/front/mxnet/activation.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/activation_test.py b/model-optimizer/extensions/front/mxnet/activation_test.py index d4227126818..9f13f493165 100644 --- a/model-optimizer/extensions/front/mxnet/activation_test.py +++ b/model-optimizer/extensions/front/mxnet/activation_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 84edb5f7a56..4a3006f2ef1 100644 --- a/model-optimizer/extensions/front/mxnet/adaptive_avg_pooling_ext.py +++ b/model-optimizer/extensions/front/mxnet/adaptive_avg_pooling_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 222613d7134..94c3b0080cd 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 f5f236e0c12..5f831bea80a 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/arange_ext.py b/model-optimizer/extensions/front/mxnet/arange_ext.py index 3eb9c7e3b98..e69960fc131 100644 --- a/model-optimizer/extensions/front/mxnet/arange_ext.py +++ b/model-optimizer/extensions/front/mxnet/arange_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/arange_replacer.py b/model-optimizer/extensions/front/mxnet/arange_replacer.py index 669e2fbdb64..d33eff48e92 100644 --- a/model-optimizer/extensions/front/mxnet/arange_replacer.py +++ b/model-optimizer/extensions/front/mxnet/arange_replacer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/block_grad_ext.py b/model-optimizer/extensions/front/mxnet/block_grad_ext.py index 695e4ccde19..9882e249758 100644 --- a/model-optimizer/extensions/front/mxnet/block_grad_ext.py +++ b/model-optimizer/extensions/front/mxnet/block_grad_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/box_nms_ext.py b/model-optimizer/extensions/front/mxnet/box_nms_ext.py index 72c5b20ac6d..9409cd6b4e8 100644 --- a/model-optimizer/extensions/front/mxnet/box_nms_ext.py +++ b/model-optimizer/extensions/front/mxnet/box_nms_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/cast_ext.py b/model-optimizer/extensions/front/mxnet/cast_ext.py index d5973f8b881..a1bae1308b4 100644 --- a/model-optimizer/extensions/front/mxnet/cast_ext.py +++ b/model-optimizer/extensions/front/mxnet/cast_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 9222e966a75..95d07e86215 100644 --- a/model-optimizer/extensions/front/mxnet/check_softmax_node_inputs.py +++ b/model-optimizer/extensions/front/mxnet/check_softmax_node_inputs.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. 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 7a1695911e5..b27b68c6a50 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,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/front/mxnet/clip_ext.py b/model-optimizer/extensions/front/mxnet/clip_ext.py index ad8b2baa646..b5b66dc95e6 100644 --- a/model-optimizer/extensions/front/mxnet/clip_ext.py +++ b/model-optimizer/extensions/front/mxnet/clip_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/conv_ext.py b/model-optimizer/extensions/front/mxnet/conv_ext.py index 0b02c2d4eb1..133a16c8c70 100644 --- a/model-optimizer/extensions/front/mxnet/conv_ext.py +++ b/model-optimizer/extensions/front/mxnet/conv_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/conv_ext_test.py b/model-optimizer/extensions/front/mxnet/conv_ext_test.py index f880f66de5a..ca7eadb219f 100644 --- a/model-optimizer/extensions/front/mxnet/conv_ext_test.py +++ b/model-optimizer/extensions/front/mxnet/conv_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/copy_ext.py b/model-optimizer/extensions/front/mxnet/copy_ext.py index 60828651982..c96f631cea2 100644 --- a/model-optimizer/extensions/front/mxnet/copy_ext.py +++ b/model-optimizer/extensions/front/mxnet/copy_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/crop_ext.py b/model-optimizer/extensions/front/mxnet/crop_ext.py index 19dab326bf7..c656619906e 100644 --- a/model-optimizer/extensions/front/mxnet/crop_ext.py +++ b/model-optimizer/extensions/front/mxnet/crop_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/crop_ext_test.py b/model-optimizer/extensions/front/mxnet/crop_ext_test.py index 44e8625785d..a11e56aae1f 100644 --- a/model-optimizer/extensions/front/mxnet/crop_ext_test.py +++ b/model-optimizer/extensions/front/mxnet/crop_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/cumsum.py b/model-optimizer/extensions/front/mxnet/cumsum.py index 84717e6dba6..404ecd8584c 100644 --- a/model-optimizer/extensions/front/mxnet/cumsum.py +++ b/model-optimizer/extensions/front/mxnet/cumsum.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/cumsum_ext.py b/model-optimizer/extensions/front/mxnet/cumsum_ext.py index 4ee3bcc35fb..1b420dda9ea 100644 --- a/model-optimizer/extensions/front/mxnet/cumsum_ext.py +++ b/model-optimizer/extensions/front/mxnet/cumsum_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/custom.py b/model-optimizer/extensions/front/mxnet/custom.py index d31122c9c05..34f9eadc770 100644 --- a/model-optimizer/extensions/front/mxnet/custom.py +++ b/model-optimizer/extensions/front/mxnet/custom.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/custom_rpn_proposal.py b/model-optimizer/extensions/front/mxnet/custom_rpn_proposal.py index dfc8848f697..d24ae1b02b3 100644 --- a/model-optimizer/extensions/front/mxnet/custom_rpn_proposal.py +++ b/model-optimizer/extensions/front/mxnet/custom_rpn_proposal.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/custom_test.py b/model-optimizer/extensions/front/mxnet/custom_test.py index 47d69d9343c..9e2d5cbef1e 100644 --- a/model-optimizer/extensions/front/mxnet/custom_test.py +++ b/model-optimizer/extensions/front/mxnet/custom_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/deformable_conv_ext.py b/model-optimizer/extensions/front/mxnet/deformable_conv_ext.py index 5dc818bd206..e70d894e60a 100644 --- a/model-optimizer/extensions/front/mxnet/deformable_conv_ext.py +++ b/model-optimizer/extensions/front/mxnet/deformable_conv_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 5ee1e456a1d..4f7b5a8cd25 100644 --- a/model-optimizer/extensions/front/mxnet/deformable_psroi_pooling_ext.py +++ b/model-optimizer/extensions/front/mxnet/deformable_psroi_pooling_ext.py @@ -1,6 +1,6 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/dropout_ext.py b/model-optimizer/extensions/front/mxnet/dropout_ext.py index 72c084f3b78..b3b6fcdf511 100644 --- a/model-optimizer/extensions/front/mxnet/dropout_ext.py +++ b/model-optimizer/extensions/front/mxnet/dropout_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/elementwise_ext.py b/model-optimizer/extensions/front/mxnet/elementwise_ext.py index 56909de56ef..13b82c31c73 100644 --- a/model-optimizer/extensions/front/mxnet/elementwise_ext.py +++ b/model-optimizer/extensions/front/mxnet/elementwise_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/eltwise_scalar_replacers.py b/model-optimizer/extensions/front/mxnet/eltwise_scalar_replacers.py index d0722d31186..ed3e5e5102e 100644 --- a/model-optimizer/extensions/front/mxnet/eltwise_scalar_replacers.py +++ b/model-optimizer/extensions/front/mxnet/eltwise_scalar_replacers.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/exp_ext.py b/model-optimizer/extensions/front/mxnet/exp_ext.py index 5245711e68a..7c868034973 100644 --- a/model-optimizer/extensions/front/mxnet/exp_ext.py +++ b/model-optimizer/extensions/front/mxnet/exp_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/expand_dims_ext.py b/model-optimizer/extensions/front/mxnet/expand_dims_ext.py index fb670e17f2b..fb0965acfda 100644 --- a/model-optimizer/extensions/front/mxnet/expand_dims_ext.py +++ b/model-optimizer/extensions/front/mxnet/expand_dims_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/flatten_ext.py b/model-optimizer/extensions/front/mxnet/flatten_ext.py index 2d525c0f0af..bc4b57b6f7a 100644 --- a/model-optimizer/extensions/front/mxnet/flatten_ext.py +++ b/model-optimizer/extensions/front/mxnet/flatten_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/fully_connected_ext.py b/model-optimizer/extensions/front/mxnet/fully_connected_ext.py index 6aac795e77d..151623a3c9c 100644 --- a/model-optimizer/extensions/front/mxnet/fully_connected_ext.py +++ b/model-optimizer/extensions/front/mxnet/fully_connected_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/gather.py b/model-optimizer/extensions/front/mxnet/gather.py index e00aaefac4d..1434360e471 100644 --- a/model-optimizer/extensions/front/mxnet/gather.py +++ b/model-optimizer/extensions/front/mxnet/gather.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/gather_ext.py b/model-optimizer/extensions/front/mxnet/gather_ext.py index 3db2be355fb..39a93c4c430 100644 --- a/model-optimizer/extensions/front/mxnet/gather_ext.py +++ b/model-optimizer/extensions/front/mxnet/gather_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/gather_test.py b/model-optimizer/extensions/front/mxnet/gather_test.py index 48a30d7a6da..a368edcfd09 100644 --- a/model-optimizer/extensions/front/mxnet/gather_test.py +++ b/model-optimizer/extensions/front/mxnet/gather_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/gluoncv_ssd_anchors.py b/model-optimizer/extensions/front/mxnet/gluoncv_ssd_anchors.py index e357e1c3fd6..82101fe9135 100644 --- a/model-optimizer/extensions/front/mxnet/gluoncv_ssd_anchors.py +++ b/model-optimizer/extensions/front/mxnet/gluoncv_ssd_anchors.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 c1ec5414493..a5a6e0d386e 100644 --- a/model-optimizer/extensions/front/mxnet/gluoncv_ssd_anchors_test.py +++ b/model-optimizer/extensions/front/mxnet/gluoncv_ssd_anchors_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/instance_norm_ext.py b/model-optimizer/extensions/front/mxnet/instance_norm_ext.py index 3cc61ab8149..bdcd9fb0742 100644 --- a/model-optimizer/extensions/front/mxnet/instance_norm_ext.py +++ b/model-optimizer/extensions/front/mxnet/instance_norm_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/front/mxnet/leaky_relu.py b/model-optimizer/extensions/front/mxnet/leaky_relu.py index 64e0d0af750..fd5991de6d4 100644 --- a/model-optimizer/extensions/front/mxnet/leaky_relu.py +++ b/model-optimizer/extensions/front/mxnet/leaky_relu.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/leaky_relu_test.py b/model-optimizer/extensions/front/mxnet/leaky_relu_test.py index 17a65062ce4..de391b8cd68 100644 --- a/model-optimizer/extensions/front/mxnet/leaky_relu_test.py +++ b/model-optimizer/extensions/front/mxnet/leaky_relu_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/lrn_ext.py b/model-optimizer/extensions/front/mxnet/lrn_ext.py index b68f583fca7..da5f1b3a080 100644 --- a/model-optimizer/extensions/front/mxnet/lrn_ext.py +++ b/model-optimizer/extensions/front/mxnet/lrn_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/max_ext.py b/model-optimizer/extensions/front/mxnet/max_ext.py index 17d7bb84a97..97dc833a353 100644 --- a/model-optimizer/extensions/front/mxnet/max_ext.py +++ b/model-optimizer/extensions/front/mxnet/max_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/multibox_detection_ext.py b/model-optimizer/extensions/front/mxnet/multibox_detection_ext.py index 05b1d9e300c..63d34336c23 100644 --- a/model-optimizer/extensions/front/mxnet/multibox_detection_ext.py +++ b/model-optimizer/extensions/front/mxnet/multibox_detection_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/multibox_detection_test.py b/model-optimizer/extensions/front/mxnet/multibox_detection_test.py index f484354fefc..971a52c3c5c 100644 --- a/model-optimizer/extensions/front/mxnet/multibox_detection_test.py +++ b/model-optimizer/extensions/front/mxnet/multibox_detection_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 9e66165193f..ba0f44a4fb6 100644 --- a/model-optimizer/extensions/front/mxnet/mx_reshape_reverse_test.py +++ b/model-optimizer/extensions/front/mxnet/mx_reshape_reverse_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 5a62c6e240c..b13b8efed0d 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,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/null_ext.py b/model-optimizer/extensions/front/mxnet/null_ext.py index ec9c36c73b7..4df12b1597a 100644 --- a/model-optimizer/extensions/front/mxnet/null_ext.py +++ b/model-optimizer/extensions/front/mxnet/null_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/pad_ext.py b/model-optimizer/extensions/front/mxnet/pad_ext.py index 1ca39f9681a..33a0659f34c 100644 --- a/model-optimizer/extensions/front/mxnet/pad_ext.py +++ b/model-optimizer/extensions/front/mxnet/pad_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/proposal_ext.py b/model-optimizer/extensions/front/mxnet/proposal_ext.py index 4d31cff791f..750ba696cbb 100644 --- a/model-optimizer/extensions/front/mxnet/proposal_ext.py +++ b/model-optimizer/extensions/front/mxnet/proposal_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/psroi_pooling_ext.py b/model-optimizer/extensions/front/mxnet/psroi_pooling_ext.py index 2b2ad80f192..f918092aef5 100644 --- a/model-optimizer/extensions/front/mxnet/psroi_pooling_ext.py +++ b/model-optimizer/extensions/front/mxnet/psroi_pooling_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/repeat_ext.py b/model-optimizer/extensions/front/mxnet/repeat_ext.py index 5a94de078d8..ea1f97cb1a3 100644 --- a/model-optimizer/extensions/front/mxnet/repeat_ext.py +++ b/model-optimizer/extensions/front/mxnet/repeat_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/reshape_ext.py b/model-optimizer/extensions/front/mxnet/reshape_ext.py index 1df0ecf262b..82d140a1985 100644 --- a/model-optimizer/extensions/front/mxnet/reshape_ext.py +++ b/model-optimizer/extensions/front/mxnet/reshape_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/rnn_param_concat.py b/model-optimizer/extensions/front/mxnet/rnn_param_concat.py index 89dd7ada492..f72f0764918 100644 --- a/model-optimizer/extensions/front/mxnet/rnn_param_concat.py +++ b/model-optimizer/extensions/front/mxnet/rnn_param_concat.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/roi_pooling_ext.py b/model-optimizer/extensions/front/mxnet/roi_pooling_ext.py index 16e4dc9002a..8cd6fbf4e2e 100644 --- a/model-optimizer/extensions/front/mxnet/roi_pooling_ext.py +++ b/model-optimizer/extensions/front/mxnet/roi_pooling_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/shape_array_ext.py b/model-optimizer/extensions/front/mxnet/shape_array_ext.py index e77415fb4dc..1edd6d62452 100644 --- a/model-optimizer/extensions/front/mxnet/shape_array_ext.py +++ b/model-optimizer/extensions/front/mxnet/shape_array_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/sigmoid.py b/model-optimizer/extensions/front/mxnet/sigmoid.py index e605f062d86..96ec41d901b 100644 --- a/model-optimizer/extensions/front/mxnet/sigmoid.py +++ b/model-optimizer/extensions/front/mxnet/sigmoid.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/front/mxnet/sigmoid_test.py b/model-optimizer/extensions/front/mxnet/sigmoid_test.py index 996327b245e..7f2784a7046 100644 --- a/model-optimizer/extensions/front/mxnet/sigmoid_test.py +++ b/model-optimizer/extensions/front/mxnet/sigmoid_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/slice_channel_ext.py b/model-optimizer/extensions/front/mxnet/slice_channel_ext.py index 53968dce82a..298c6e1d873 100644 --- a/model-optimizer/extensions/front/mxnet/slice_channel_ext.py +++ b/model-optimizer/extensions/front/mxnet/slice_channel_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/slice_ext.py b/model-optimizer/extensions/front/mxnet/slice_ext.py index 8e799ebdb0d..cabbc95943d 100644 --- a/model-optimizer/extensions/front/mxnet/slice_ext.py +++ b/model-optimizer/extensions/front/mxnet/slice_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/slice_like_ext.py b/model-optimizer/extensions/front/mxnet/slice_like_ext.py index 6074471d88a..39f9722a410 100644 --- a/model-optimizer/extensions/front/mxnet/slice_like_ext.py +++ b/model-optimizer/extensions/front/mxnet/slice_like_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/slice_replacers.py b/model-optimizer/extensions/front/mxnet/slice_replacers.py index 1e93da80aa3..c300b198700 100644 --- a/model-optimizer/extensions/front/mxnet/slice_replacers.py +++ b/model-optimizer/extensions/front/mxnet/slice_replacers.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/softmax.py b/model-optimizer/extensions/front/mxnet/softmax.py index 094a82d0b67..e9d8b45fa69 100644 --- a/model-optimizer/extensions/front/mxnet/softmax.py +++ b/model-optimizer/extensions/front/mxnet/softmax.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/softmax_activation_ext.py b/model-optimizer/extensions/front/mxnet/softmax_activation_ext.py index ab2396f3ee3..d20a60a2250 100644 --- a/model-optimizer/extensions/front/mxnet/softmax_activation_ext.py +++ b/model-optimizer/extensions/front/mxnet/softmax_activation_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/softmax_ext.py b/model-optimizer/extensions/front/mxnet/softmax_ext.py index 5fb37eeb7c9..21e3e3f278e 100644 --- a/model-optimizer/extensions/front/mxnet/softmax_ext.py +++ b/model-optimizer/extensions/front/mxnet/softmax_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/softmax_output_ext.py b/model-optimizer/extensions/front/mxnet/softmax_output_ext.py index c88c9e9c014..d3e5c149b52 100644 --- a/model-optimizer/extensions/front/mxnet/softmax_output_ext.py +++ b/model-optimizer/extensions/front/mxnet/softmax_output_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/squeeze_ext.py b/model-optimizer/extensions/front/mxnet/squeeze_ext.py index 0dec2ff8cf6..e203c5e46f0 100644 --- a/model-optimizer/extensions/front/mxnet/squeeze_ext.py +++ b/model-optimizer/extensions/front/mxnet/squeeze_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/ssd_anchor_reshape.py b/model-optimizer/extensions/front/mxnet/ssd_anchor_reshape.py index efa94aa3263..0482d345026 100644 --- a/model-optimizer/extensions/front/mxnet/ssd_anchor_reshape.py +++ b/model-optimizer/extensions/front/mxnet/ssd_anchor_reshape.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 1bef8e9a2e9..c75931ccefe 100644 --- a/model-optimizer/extensions/front/mxnet/ssd_detection_output_replacer.py +++ b/model-optimizer/extensions/front/mxnet/ssd_detection_output_replacer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 267f601dd52..f16b52bcef1 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,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. 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 104b128a816..84c7ccc126a 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,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. 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 f500fb838fa..91e99ab57cf 100644 --- a/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_flatten.py +++ b/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_flatten.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. 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 12061e9051a..5858ccb5ea8 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,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. 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 6820c47078c..1d4f0ec3aa5 100644 --- a/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_reshape.py +++ b/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_reshape.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. 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 d2a7234d094..2c4d9164528 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,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. 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 997ea99c0e7..9c89f2808c0 100644 --- a/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_transpose.py +++ b/model-optimizer/extensions/front/mxnet/ssd_pattern_remove_transpose.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. 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 38a9d5af19b..2a5f859ae4a 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,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. 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 b4a55a35f0d..520bcbad746 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,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. 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 91d7293cd67..4956086210a 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,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/front/mxnet/stack_ext.py b/model-optimizer/extensions/front/mxnet/stack_ext.py index afbac1fef60..d0a94aaa90a 100644 --- a/model-optimizer/extensions/front/mxnet/stack_ext.py +++ b/model-optimizer/extensions/front/mxnet/stack_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/swapaxis_ext.py b/model-optimizer/extensions/front/mxnet/swapaxis_ext.py index 99b7a60f620..6a32d979ab1 100644 --- a/model-optimizer/extensions/front/mxnet/swapaxis_ext.py +++ b/model-optimizer/extensions/front/mxnet/swapaxis_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/tile_ext.py b/model-optimizer/extensions/front/mxnet/tile_ext.py index 00ec81f7677..f12d7e23e74 100644 --- a/model-optimizer/extensions/front/mxnet/tile_ext.py +++ b/model-optimizer/extensions/front/mxnet/tile_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/tile_replacer.py b/model-optimizer/extensions/front/mxnet/tile_replacer.py index 6252a2e58ed..81a866ad3cc 100644 --- a/model-optimizer/extensions/front/mxnet/tile_replacer.py +++ b/model-optimizer/extensions/front/mxnet/tile_replacer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/transpose_ext.py b/model-optimizer/extensions/front/mxnet/transpose_ext.py index f664b9b44f5..ea89ca1330c 100644 --- a/model-optimizer/extensions/front/mxnet/transpose_ext.py +++ b/model-optimizer/extensions/front/mxnet/transpose_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/up_sampling_ext.py b/model-optimizer/extensions/front/mxnet/up_sampling_ext.py index 7a5873d499a..df63353b598 100644 --- a/model-optimizer/extensions/front/mxnet/up_sampling_ext.py +++ b/model-optimizer/extensions/front/mxnet/up_sampling_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/where_ext.py b/model-optimizer/extensions/front/mxnet/where_ext.py index ca28fc41a8a..5a2e87e16c6 100644 --- a/model-optimizer/extensions/front/mxnet/where_ext.py +++ b/model-optimizer/extensions/front/mxnet/where_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/mxnet/zeros_ext.py b/model-optimizer/extensions/front/mxnet/zeros_ext.py index e0fc4c0e8c6..0589a7efade 100644 --- a/model-optimizer/extensions/front/mxnet/zeros_ext.py +++ b/model-optimizer/extensions/front/mxnet/zeros_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/no_op_eraser.py b/model-optimizer/extensions/front/no_op_eraser.py index cc131adf112..65d94b85c4c 100644 --- a/model-optimizer/extensions/front/no_op_eraser.py +++ b/model-optimizer/extensions/front/no_op_eraser.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/non_max_suppression_normalize.py b/model-optimizer/extensions/front/non_max_suppression_normalize.py index a9a23d85832..ac6cdd0d444 100644 --- a/model-optimizer/extensions/front/non_max_suppression_normalize.py +++ b/model-optimizer/extensions/front/non_max_suppression_normalize.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/AttributedSliceToSlice.py b/model-optimizer/extensions/front/onnx/AttributedSliceToSlice.py index e23cc0c77c3..e5e2a9e700b 100644 --- a/model-optimizer/extensions/front/onnx/AttributedSliceToSlice.py +++ b/model-optimizer/extensions/front/onnx/AttributedSliceToSlice.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/AttributedSliceToSlice_test.py b/model-optimizer/extensions/front/onnx/AttributedSliceToSlice_test.py index ea478ba3287..a95b10fe693 100644 --- a/model-optimizer/extensions/front/onnx/AttributedSliceToSlice_test.py +++ b/model-optimizer/extensions/front/onnx/AttributedSliceToSlice_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/LoopNormalize.py b/model-optimizer/extensions/front/onnx/LoopNormalize.py index 391ef5b7527..42d5b8106f0 100644 --- a/model-optimizer/extensions/front/onnx/LoopNormalize.py +++ b/model-optimizer/extensions/front/onnx/LoopNormalize.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/ONNXResize10ToInterpolate.py b/model-optimizer/extensions/front/onnx/ONNXResize10ToInterpolate.py index a58cc5e0199..3c71f579031 100644 --- a/model-optimizer/extensions/front/onnx/ONNXResize10ToInterpolate.py +++ b/model-optimizer/extensions/front/onnx/ONNXResize10ToInterpolate.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/activation_ext.py b/model-optimizer/extensions/front/onnx/activation_ext.py index e9d0580d338..5ed62cf4cfc 100644 --- a/model-optimizer/extensions/front/onnx/activation_ext.py +++ b/model-optimizer/extensions/front/onnx/activation_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/activation_ext_test.py b/model-optimizer/extensions/front/onnx/activation_ext_test.py index 1e4c8b6c749..7d429f42a5f 100644 --- a/model-optimizer/extensions/front/onnx/activation_ext_test.py +++ b/model-optimizer/extensions/front/onnx/activation_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/affine_ext.py b/model-optimizer/extensions/front/onnx/affine_ext.py index 785a39e89ab..e6c8fdce046 100644 --- a/model-optimizer/extensions/front/onnx/affine_ext.py +++ b/model-optimizer/extensions/front/onnx/affine_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/affine_ext_test.py b/model-optimizer/extensions/front/onnx/affine_ext_test.py index e3d874f2d2e..1dc7523f9cd 100644 --- a/model-optimizer/extensions/front/onnx/affine_ext_test.py +++ b/model-optimizer/extensions/front/onnx/affine_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/argmax_ext.py b/model-optimizer/extensions/front/onnx/argmax_ext.py index 898646bfc39..982302fd87b 100644 --- a/model-optimizer/extensions/front/onnx/argmax_ext.py +++ b/model-optimizer/extensions/front/onnx/argmax_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/cast_ext.py b/model-optimizer/extensions/front/onnx/cast_ext.py index 36e1dbdbbe2..e74b5716c13 100644 --- a/model-optimizer/extensions/front/onnx/cast_ext.py +++ b/model-optimizer/extensions/front/onnx/cast_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/clip_ext.py b/model-optimizer/extensions/front/onnx/clip_ext.py index b0ecd1dd1f5..d47ee4f4dc1 100644 --- a/model-optimizer/extensions/front/onnx/clip_ext.py +++ b/model-optimizer/extensions/front/onnx/clip_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/concat_ext.py b/model-optimizer/extensions/front/onnx/concat_ext.py index 287de77e082..be3b1606b9c 100644 --- a/model-optimizer/extensions/front/onnx/concat_ext.py +++ b/model-optimizer/extensions/front/onnx/concat_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/const_ext.py b/model-optimizer/extensions/front/onnx/const_ext.py index 016b7fcdd26..56f5b9fa509 100644 --- a/model-optimizer/extensions/front/onnx/const_ext.py +++ b/model-optimizer/extensions/front/onnx/const_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/constant_fill_ext.py b/model-optimizer/extensions/front/onnx/constant_fill_ext.py index de3983f0d5b..0ac3d153dc9 100644 --- a/model-optimizer/extensions/front/onnx/constant_fill_ext.py +++ b/model-optimizer/extensions/front/onnx/constant_fill_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 061ac9d67f9..0800a527de3 100644 --- a/model-optimizer/extensions/front/onnx/constant_of_shape_ext.py +++ b/model-optimizer/extensions/front/onnx/constant_of_shape_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 4c0209289a0..8bb9ebdcc20 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/conv_ext.py b/model-optimizer/extensions/front/onnx/conv_ext.py index aebd25837e7..c114f189ac7 100644 --- a/model-optimizer/extensions/front/onnx/conv_ext.py +++ b/model-optimizer/extensions/front/onnx/conv_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/conv_ext_test.py b/model-optimizer/extensions/front/onnx/conv_ext_test.py index 85f1c427030..122b94b2179 100644 --- a/model-optimizer/extensions/front/onnx/conv_ext_test.py +++ b/model-optimizer/extensions/front/onnx/conv_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/crop_ext.py b/model-optimizer/extensions/front/onnx/crop_ext.py index 0e886d28ada..7e5c041c5ed 100644 --- a/model-optimizer/extensions/front/onnx/crop_ext.py +++ b/model-optimizer/extensions/front/onnx/crop_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/crop_ext_test.py b/model-optimizer/extensions/front/onnx/crop_ext_test.py index 2fd6a8e4abd..51ac36252f4 100644 --- a/model-optimizer/extensions/front/onnx/crop_ext_test.py +++ b/model-optimizer/extensions/front/onnx/crop_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/cumsum_ext.py b/model-optimizer/extensions/front/onnx/cumsum_ext.py index d6b55f62156..87b369fca95 100644 --- a/model-optimizer/extensions/front/onnx/cumsum_ext.py +++ b/model-optimizer/extensions/front/onnx/cumsum_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/deformable_conv_ext.py b/model-optimizer/extensions/front/onnx/deformable_conv_ext.py index 94b1eaf0a8a..db5cc6d278b 100644 --- a/model-optimizer/extensions/front/onnx/deformable_conv_ext.py +++ b/model-optimizer/extensions/front/onnx/deformable_conv_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 d8f95ea92a3..c53e2a886e9 100644 --- a/model-optimizer/extensions/front/onnx/depth_to_space_ext.py +++ b/model-optimizer/extensions/front/onnx/depth_to_space_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/dequantize_linear_ext.py b/model-optimizer/extensions/front/onnx/dequantize_linear_ext.py index 466f7f323ff..8fda156fa5e 100644 --- a/model-optimizer/extensions/front/onnx/dequantize_linear_ext.py +++ b/model-optimizer/extensions/front/onnx/dequantize_linear_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/dequantize_linear_resolver.py b/model-optimizer/extensions/front/onnx/dequantize_linear_resolver.py index ae47bdcf743..5223eb17a61 100644 --- a/model-optimizer/extensions/front/onnx/dequantize_linear_resolver.py +++ b/model-optimizer/extensions/front/onnx/dequantize_linear_resolver.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 bce0f49ee4c..f1c01f55cc7 100644 --- a/model-optimizer/extensions/front/onnx/dequantize_linear_resolver_test.py +++ b/model-optimizer/extensions/front/onnx/dequantize_linear_resolver_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/detection_output.py b/model-optimizer/extensions/front/onnx/detection_output.py index 84456594fc8..37be286d2b4 100644 --- a/model-optimizer/extensions/front/onnx/detection_output.py +++ b/model-optimizer/extensions/front/onnx/detection_output.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/detection_output_test.py b/model-optimizer/extensions/front/onnx/detection_output_test.py index 267e801ded6..43e312810f2 100644 --- a/model-optimizer/extensions/front/onnx/detection_output_test.py +++ b/model-optimizer/extensions/front/onnx/detection_output_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/detectionoutput_ext.py b/model-optimizer/extensions/front/onnx/detectionoutput_ext.py index f72c80b9bc4..1dfe1e9a446 100644 --- a/model-optimizer/extensions/front/onnx/detectionoutput_ext.py +++ b/model-optimizer/extensions/front/onnx/detectionoutput_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/dropout_ext.py b/model-optimizer/extensions/front/onnx/dropout_ext.py index f18e8aafc21..0d5f1acb945 100644 --- a/model-optimizer/extensions/front/onnx/dropout_ext.py +++ b/model-optimizer/extensions/front/onnx/dropout_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/elementwise_ext.py b/model-optimizer/extensions/front/onnx/elementwise_ext.py index b78a116673f..5196dbd0702 100644 --- a/model-optimizer/extensions/front/onnx/elementwise_ext.py +++ b/model-optimizer/extensions/front/onnx/elementwise_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/expand_ext.py b/model-optimizer/extensions/front/onnx/expand_ext.py index 2e337413f7f..6ec1144a51e 100644 --- a/model-optimizer/extensions/front/onnx/expand_ext.py +++ b/model-optimizer/extensions/front/onnx/expand_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/flattenONNX_to_reshape.py b/model-optimizer/extensions/front/onnx/flattenONNX_to_reshape.py index 02c2d1f8b48..e9c7d3bebf8 100644 --- a/model-optimizer/extensions/front/onnx/flattenONNX_to_reshape.py +++ b/model-optimizer/extensions/front/onnx/flattenONNX_to_reshape.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/flatten_ext.py b/model-optimizer/extensions/front/onnx/flatten_ext.py index e85d0c7ccf6..9b3d2d84189 100644 --- a/model-optimizer/extensions/front/onnx/flatten_ext.py +++ b/model-optimizer/extensions/front/onnx/flatten_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/fused_bn_ext.py b/model-optimizer/extensions/front/onnx/fused_bn_ext.py index 7493210d53f..efda63ef648 100644 --- a/model-optimizer/extensions/front/onnx/fused_bn_ext.py +++ b/model-optimizer/extensions/front/onnx/fused_bn_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/gather_ext.py b/model-optimizer/extensions/front/onnx/gather_ext.py index 404ce24ebf9..1d8ba2c4a12 100644 --- a/model-optimizer/extensions/front/onnx/gather_ext.py +++ b/model-optimizer/extensions/front/onnx/gather_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/gatherelements_ext.py b/model-optimizer/extensions/front/onnx/gatherelements_ext.py index 32f705f331a..21ecc163d22 100644 --- a/model-optimizer/extensions/front/onnx/gatherelements_ext.py +++ b/model-optimizer/extensions/front/onnx/gatherelements_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/front/onnx/gathernd_ext.py b/model-optimizer/extensions/front/onnx/gathernd_ext.py index 34be3aa153c..403192c5eaf 100644 --- a/model-optimizer/extensions/front/onnx/gathernd_ext.py +++ b/model-optimizer/extensions/front/onnx/gathernd_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/gemm_ext.py b/model-optimizer/extensions/front/onnx/gemm_ext.py index 9dd4d18f844..36dddaa250a 100644 --- a/model-optimizer/extensions/front/onnx/gemm_ext.py +++ b/model-optimizer/extensions/front/onnx/gemm_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/group_norm_ext.py b/model-optimizer/extensions/front/onnx/group_norm_ext.py index 1e4051a7dde..0595fea5726 100644 --- a/model-optimizer/extensions/front/onnx/group_norm_ext.py +++ b/model-optimizer/extensions/front/onnx/group_norm_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/gru_ext.py b/model-optimizer/extensions/front/onnx/gru_ext.py index f888c92962d..a3bde103c79 100644 --- a/model-optimizer/extensions/front/onnx/gru_ext.py +++ b/model-optimizer/extensions/front/onnx/gru_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/gru_ext_test.py b/model-optimizer/extensions/front/onnx/gru_ext_test.py index f5d605d8fa2..ef9345944b9 100644 --- a/model-optimizer/extensions/front/onnx/gru_ext_test.py +++ b/model-optimizer/extensions/front/onnx/gru_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/hard_sigmoid_ext.py b/model-optimizer/extensions/front/onnx/hard_sigmoid_ext.py index ac5297b14d5..488010b865e 100644 --- a/model-optimizer/extensions/front/onnx/hard_sigmoid_ext.py +++ b/model-optimizer/extensions/front/onnx/hard_sigmoid_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/identity_ext.py b/model-optimizer/extensions/front/onnx/identity_ext.py index 5ec3eb3f866..9883e8be057 100644 --- a/model-optimizer/extensions/front/onnx/identity_ext.py +++ b/model-optimizer/extensions/front/onnx/identity_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/image_scaler_ext.py b/model-optimizer/extensions/front/onnx/image_scaler_ext.py index 349ba474461..079192e0ffc 100644 --- a/model-optimizer/extensions/front/onnx/image_scaler_ext.py +++ b/model-optimizer/extensions/front/onnx/image_scaler_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 e9cc50ad992..a45ad2cb8f2 100644 --- a/model-optimizer/extensions/front/onnx/image_scaler_ext_test.py +++ b/model-optimizer/extensions/front/onnx/image_scaler_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/instance_normalization_ext.py b/model-optimizer/extensions/front/onnx/instance_normalization_ext.py index f5ab8435d8b..7a7287faec9 100644 --- a/model-optimizer/extensions/front/onnx/instance_normalization_ext.py +++ b/model-optimizer/extensions/front/onnx/instance_normalization_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 686afe4f674..dc7189da9ee 100644 --- a/model-optimizer/extensions/front/onnx/instance_normalization_ext_test.py +++ b/model-optimizer/extensions/front/onnx/instance_normalization_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/logsoftmaxONNX_to_logsoftmax.py b/model-optimizer/extensions/front/onnx/logsoftmaxONNX_to_logsoftmax.py index 8a630460b20..2fbd02c79ba 100644 --- a/model-optimizer/extensions/front/onnx/logsoftmaxONNX_to_logsoftmax.py +++ b/model-optimizer/extensions/front/onnx/logsoftmaxONNX_to_logsoftmax.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/loop_ext.py b/model-optimizer/extensions/front/onnx/loop_ext.py index 6a2168df4eb..52d3b400413 100644 --- a/model-optimizer/extensions/front/onnx/loop_ext.py +++ b/model-optimizer/extensions/front/onnx/loop_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/lp_normalization_ext.py b/model-optimizer/extensions/front/onnx/lp_normalization_ext.py index b09328effb8..cf9e48b28d3 100644 --- a/model-optimizer/extensions/front/onnx/lp_normalization_ext.py +++ b/model-optimizer/extensions/front/onnx/lp_normalization_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/lrn_ext.py b/model-optimizer/extensions/front/onnx/lrn_ext.py index 471af33747a..92f2653e4ca 100644 --- a/model-optimizer/extensions/front/onnx/lrn_ext.py +++ b/model-optimizer/extensions/front/onnx/lrn_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/lstm_ext.py b/model-optimizer/extensions/front/onnx/lstm_ext.py index e7786d8c7f9..41285e6f838 100644 --- a/model-optimizer/extensions/front/onnx/lstm_ext.py +++ b/model-optimizer/extensions/front/onnx/lstm_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/lstm_ext_test.py b/model-optimizer/extensions/front/onnx/lstm_ext_test.py index 61f426ec446..0cccfe9f08f 100644 --- a/model-optimizer/extensions/front/onnx/lstm_ext_test.py +++ b/model-optimizer/extensions/front/onnx/lstm_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/mask_rcnn_conversion.py b/model-optimizer/extensions/front/onnx/mask_rcnn_conversion.py index 12ca0cfbb62..fbe331775e4 100644 --- a/model-optimizer/extensions/front/onnx/mask_rcnn_conversion.py +++ b/model-optimizer/extensions/front/onnx/mask_rcnn_conversion.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/matmul_ext.py b/model-optimizer/extensions/front/onnx/matmul_ext.py index 286319bc8e5..b5bf8feeaa5 100644 --- a/model-optimizer/extensions/front/onnx/matmul_ext.py +++ b/model-optimizer/extensions/front/onnx/matmul_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 3471da2eff8..aa9c1ab2ad5 100644 --- a/model-optimizer/extensions/front/onnx/non_max_suppression_ext.py +++ b/model-optimizer/extensions/front/onnx/non_max_suppression_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/non_zero_ext.py b/model-optimizer/extensions/front/onnx/non_zero_ext.py index 6f3e97ba05b..ae55e7d1337 100644 --- a/model-optimizer/extensions/front/onnx/non_zero_ext.py +++ b/model-optimizer/extensions/front/onnx/non_zero_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/normalize_ext.py b/model-optimizer/extensions/front/onnx/normalize_ext.py index 16863d79d85..ec92e01c2e4 100644 --- a/model-optimizer/extensions/front/onnx/normalize_ext.py +++ b/model-optimizer/extensions/front/onnx/normalize_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/normalize_ext_test.py b/model-optimizer/extensions/front/onnx/normalize_ext_test.py index 063e77dca01..20d436ffda7 100644 --- a/model-optimizer/extensions/front/onnx/normalize_ext_test.py +++ b/model-optimizer/extensions/front/onnx/normalize_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/normalize_l2_normalize.py b/model-optimizer/extensions/front/onnx/normalize_l2_normalize.py index 66a42cd65db..33582407943 100644 --- a/model-optimizer/extensions/front/onnx/normalize_l2_normalize.py +++ b/model-optimizer/extensions/front/onnx/normalize_l2_normalize.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/one_hot_ext.py b/model-optimizer/extensions/front/onnx/one_hot_ext.py index 895f8db641c..4c84479438e 100644 --- a/model-optimizer/extensions/front/onnx/one_hot_ext.py +++ b/model-optimizer/extensions/front/onnx/one_hot_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/one_hot_normalize.py b/model-optimizer/extensions/front/onnx/one_hot_normalize.py index 27f93b565f0..bbb37fd2b6e 100644 --- a/model-optimizer/extensions/front/onnx/one_hot_normalize.py +++ b/model-optimizer/extensions/front/onnx/one_hot_normalize.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/pad_converter.py b/model-optimizer/extensions/front/onnx/pad_converter.py index 691ef8c17b2..c4761aa28f2 100644 --- a/model-optimizer/extensions/front/onnx/pad_converter.py +++ b/model-optimizer/extensions/front/onnx/pad_converter.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/pad_converter_test.py b/model-optimizer/extensions/front/onnx/pad_converter_test.py index 560399eb703..d7801cbfa4d 100644 --- a/model-optimizer/extensions/front/onnx/pad_converter_test.py +++ b/model-optimizer/extensions/front/onnx/pad_converter_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/pad_ext.py b/model-optimizer/extensions/front/onnx/pad_ext.py index 8246f4c7776..f0eeff9f9d9 100644 --- a/model-optimizer/extensions/front/onnx/pad_ext.py +++ b/model-optimizer/extensions/front/onnx/pad_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/pad_ext_test.py b/model-optimizer/extensions/front/onnx/pad_ext_test.py index f70e0efee06..2fba63038cb 100644 --- a/model-optimizer/extensions/front/onnx/pad_ext_test.py +++ b/model-optimizer/extensions/front/onnx/pad_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/parameter_ext.py b/model-optimizer/extensions/front/onnx/parameter_ext.py index dce13656574..b7f58c73dfb 100644 --- a/model-optimizer/extensions/front/onnx/parameter_ext.py +++ b/model-optimizer/extensions/front/onnx/parameter_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/priorbox_clustered_ext.py b/model-optimizer/extensions/front/onnx/priorbox_clustered_ext.py index 88441f42fb3..8b635804eff 100644 --- a/model-optimizer/extensions/front/onnx/priorbox_clustered_ext.py +++ b/model-optimizer/extensions/front/onnx/priorbox_clustered_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 118b04a2b80..311f1c0995a 100644 --- a/model-optimizer/extensions/front/onnx/priorbox_clustered_ext_test.py +++ b/model-optimizer/extensions/front/onnx/priorbox_clustered_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/priorbox_ext.py b/model-optimizer/extensions/front/onnx/priorbox_ext.py index 7d28c740b83..47c09a29a45 100644 --- a/model-optimizer/extensions/front/onnx/priorbox_ext.py +++ b/model-optimizer/extensions/front/onnx/priorbox_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/priorbox_ext_test.py b/model-optimizer/extensions/front/onnx/priorbox_ext_test.py index fdf96e577fe..4eb0478cb2b 100644 --- a/model-optimizer/extensions/front/onnx/priorbox_ext_test.py +++ b/model-optimizer/extensions/front/onnx/priorbox_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/priorgridgenerator_ext.py b/model-optimizer/extensions/front/onnx/priorgridgenerator_ext.py index 73c27195000..136c456f79c 100644 --- a/model-optimizer/extensions/front/onnx/priorgridgenerator_ext.py +++ b/model-optimizer/extensions/front/onnx/priorgridgenerator_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/proposal_ext.py b/model-optimizer/extensions/front/onnx/proposal_ext.py index e0002de83bd..51127585273 100644 --- a/model-optimizer/extensions/front/onnx/proposal_ext.py +++ b/model-optimizer/extensions/front/onnx/proposal_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/quantize_dequantize_linear.py b/model-optimizer/extensions/front/onnx/quantize_dequantize_linear.py index f57db79f9d4..81411a3b398 100644 --- a/model-optimizer/extensions/front/onnx/quantize_dequantize_linear.py +++ b/model-optimizer/extensions/front/onnx/quantize_dequantize_linear.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 e6116f93d33..a0ebcb9dddf 100644 --- a/model-optimizer/extensions/front/onnx/quantize_dequantize_linear_test.py +++ b/model-optimizer/extensions/front/onnx/quantize_dequantize_linear_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/quantize_ext.py b/model-optimizer/extensions/front/onnx/quantize_ext.py index 7e60e5af23b..69abc657f88 100644 --- a/model-optimizer/extensions/front/onnx/quantize_ext.py +++ b/model-optimizer/extensions/front/onnx/quantize_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/quantize_linear_ext.py b/model-optimizer/extensions/front/onnx/quantize_linear_ext.py index ba3dbd4166d..5513ce3581b 100644 --- a/model-optimizer/extensions/front/onnx/quantize_linear_ext.py +++ b/model-optimizer/extensions/front/onnx/quantize_linear_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/quantize_linear_resolver.py b/model-optimizer/extensions/front/onnx/quantize_linear_resolver.py index 6cb2facfa4e..ac140554dbd 100644 --- a/model-optimizer/extensions/front/onnx/quantize_linear_resolver.py +++ b/model-optimizer/extensions/front/onnx/quantize_linear_resolver.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 8230ae62477..89f3d32048e 100644 --- a/model-optimizer/extensions/front/onnx/quantize_linear_resolver_test.py +++ b/model-optimizer/extensions/front/onnx/quantize_linear_resolver_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/range_ext.py b/model-optimizer/extensions/front/onnx/range_ext.py index 73f320b58af..8d744336f5b 100644 --- a/model-optimizer/extensions/front/onnx/range_ext.py +++ b/model-optimizer/extensions/front/onnx/range_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/reduce_ext.py b/model-optimizer/extensions/front/onnx/reduce_ext.py index e1c2458d579..05e60042019 100644 --- a/model-optimizer/extensions/front/onnx/reduce_ext.py +++ b/model-optimizer/extensions/front/onnx/reduce_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 dec16f70456..87ac98f77cb 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/reshape_ext.py b/model-optimizer/extensions/front/onnx/reshape_ext.py index 9c79f9d9783..71eecc4628c 100644 --- a/model-optimizer/extensions/front/onnx/reshape_ext.py +++ b/model-optimizer/extensions/front/onnx/reshape_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/resize_ext.py b/model-optimizer/extensions/front/onnx/resize_ext.py index 3692dbbcc8c..fcde3fa5ae9 100644 --- a/model-optimizer/extensions/front/onnx/resize_ext.py +++ b/model-optimizer/extensions/front/onnx/resize_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/rnn_ext.py b/model-optimizer/extensions/front/onnx/rnn_ext.py index 527da4d7774..c34127ca3f3 100644 --- a/model-optimizer/extensions/front/onnx/rnn_ext.py +++ b/model-optimizer/extensions/front/onnx/rnn_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/rnn_ext_test.py b/model-optimizer/extensions/front/onnx/rnn_ext_test.py index bef89582351..fa40c9dc0bd 100644 --- a/model-optimizer/extensions/front/onnx/rnn_ext_test.py +++ b/model-optimizer/extensions/front/onnx/rnn_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/roialign_ext.py b/model-optimizer/extensions/front/onnx/roialign_ext.py index bcf97fcdd48..3e53c063f4c 100644 --- a/model-optimizer/extensions/front/onnx/roialign_ext.py +++ b/model-optimizer/extensions/front/onnx/roialign_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/scatter_ext.py b/model-optimizer/extensions/front/onnx/scatter_ext.py index 8e9a1d2bd86..b292e7e8d03 100644 --- a/model-optimizer/extensions/front/onnx/scatter_ext.py +++ b/model-optimizer/extensions/front/onnx/scatter_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/shape_ext.py b/model-optimizer/extensions/front/onnx/shape_ext.py index e32a09a42ae..ae631b74dd4 100644 --- a/model-optimizer/extensions/front/onnx/shape_ext.py +++ b/model-optimizer/extensions/front/onnx/shape_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/slice_ext.py b/model-optimizer/extensions/front/onnx/slice_ext.py index 47f38ab809f..4b3df9b594b 100644 --- a/model-optimizer/extensions/front/onnx/slice_ext.py +++ b/model-optimizer/extensions/front/onnx/slice_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/softmaxONNX_to_softmax.py b/model-optimizer/extensions/front/onnx/softmaxONNX_to_softmax.py index 45d33bd591d..4a61f81c76e 100644 --- a/model-optimizer/extensions/front/onnx/softmaxONNX_to_softmax.py +++ b/model-optimizer/extensions/front/onnx/softmaxONNX_to_softmax.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/softmax_ext.py b/model-optimizer/extensions/front/onnx/softmax_ext.py index 59d92d233a6..b403b67a2f2 100644 --- a/model-optimizer/extensions/front/onnx/softmax_ext.py +++ b/model-optimizer/extensions/front/onnx/softmax_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/softplus_ext.py b/model-optimizer/extensions/front/onnx/softplus_ext.py index 46d06117fc8..06a66951e16 100644 --- a/model-optimizer/extensions/front/onnx/softplus_ext.py +++ b/model-optimizer/extensions/front/onnx/softplus_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 c468dd2488f..278bcd1a716 100644 --- a/model-optimizer/extensions/front/onnx/space_to_depth_ext.py +++ b/model-optimizer/extensions/front/onnx/space_to_depth_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/split_ext.py b/model-optimizer/extensions/front/onnx/split_ext.py index c51ad226387..9bc53c96801 100644 --- a/model-optimizer/extensions/front/onnx/split_ext.py +++ b/model-optimizer/extensions/front/onnx/split_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/squeeze_ext.py b/model-optimizer/extensions/front/onnx/squeeze_ext.py index c7ea1c76dfd..398187464e1 100644 --- a/model-optimizer/extensions/front/onnx/squeeze_ext.py +++ b/model-optimizer/extensions/front/onnx/squeeze_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/squeeze_ext_test.py b/model-optimizer/extensions/front/onnx/squeeze_ext_test.py index 50952e1000a..1c6acd193db 100644 --- a/model-optimizer/extensions/front/onnx/squeeze_ext_test.py +++ b/model-optimizer/extensions/front/onnx/squeeze_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/top_k_ext.py b/model-optimizer/extensions/front/onnx/top_k_ext.py index bf6cc94acf2..bc77b92e137 100644 --- a/model-optimizer/extensions/front/onnx/top_k_ext.py +++ b/model-optimizer/extensions/front/onnx/top_k_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/topkrois_ext.py b/model-optimizer/extensions/front/onnx/topkrois_ext.py index 0d6b59741b5..2a082ea1b18 100644 --- a/model-optimizer/extensions/front/onnx/topkrois_ext.py +++ b/model-optimizer/extensions/front/onnx/topkrois_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/transpose_ext.py b/model-optimizer/extensions/front/onnx/transpose_ext.py index d2ce963992a..f6164dc36d5 100644 --- a/model-optimizer/extensions/front/onnx/transpose_ext.py +++ b/model-optimizer/extensions/front/onnx/transpose_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/transpose_ext_test.py b/model-optimizer/extensions/front/onnx/transpose_ext_test.py index 8030a5216cb..b04dd71bf13 100644 --- a/model-optimizer/extensions/front/onnx/transpose_ext_test.py +++ b/model-optimizer/extensions/front/onnx/transpose_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/unsqueeze_ext.py b/model-optimizer/extensions/front/onnx/unsqueeze_ext.py index 442b018528a..f785b764e66 100644 --- a/model-optimizer/extensions/front/onnx/unsqueeze_ext.py +++ b/model-optimizer/extensions/front/onnx/unsqueeze_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/unsqueeze_ext_test.py b/model-optimizer/extensions/front/onnx/unsqueeze_ext_test.py index ad8576db9de..ca6552d6fa7 100644 --- a/model-optimizer/extensions/front/onnx/unsqueeze_ext_test.py +++ b/model-optimizer/extensions/front/onnx/unsqueeze_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/upsample_ext.py b/model-optimizer/extensions/front/onnx/upsample_ext.py index b5b691c1b97..4ba6d44a60c 100644 --- a/model-optimizer/extensions/front/onnx/upsample_ext.py +++ b/model-optimizer/extensions/front/onnx/upsample_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/upsample_ext_test.py b/model-optimizer/extensions/front/onnx/upsample_ext_test.py index 987378c36ce..81e3cb7049b 100644 --- a/model-optimizer/extensions/front/onnx/upsample_ext_test.py +++ b/model-optimizer/extensions/front/onnx/upsample_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/onnx/where_ext.py b/model-optimizer/extensions/front/onnx/where_ext.py index 70ab322982c..df455cfd52c 100644 --- a/model-optimizer/extensions/front/onnx/where_ext.py +++ b/model-optimizer/extensions/front/onnx/where_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/output_cut.py b/model-optimizer/extensions/front/output_cut.py index c64c2bbc947..4f79847d531 100644 --- a/model-optimizer/extensions/front/output_cut.py +++ b/model-optimizer/extensions/front/output_cut.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/override_batch.py b/model-optimizer/extensions/front/override_batch.py index c3f4239abe4..a5c50c71a3d 100644 --- a/model-optimizer/extensions/front/override_batch.py +++ b/model-optimizer/extensions/front/override_batch.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/pass_separator.py b/model-optimizer/extensions/front/pass_separator.py index f9998b19f1f..c5d1c1452cf 100644 --- a/model-optimizer/extensions/front/pass_separator.py +++ b/model-optimizer/extensions/front/pass_separator.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/rank_decomposer.py b/model-optimizer/extensions/front/rank_decomposer.py index b7dcb4ee535..7eb3f5a4270 100644 --- a/model-optimizer/extensions/front/rank_decomposer.py +++ b/model-optimizer/extensions/front/rank_decomposer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/rank_decomposer_test.py b/model-optimizer/extensions/front/rank_decomposer_test.py index f3f504731d1..3d707146581 100644 --- a/model-optimizer/extensions/front/rank_decomposer_test.py +++ b/model-optimizer/extensions/front/rank_decomposer_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/reciprocal.py b/model-optimizer/extensions/front/reciprocal.py index 3655f184a82..b4b8ec4e65b 100644 --- a/model-optimizer/extensions/front/reciprocal.py +++ b/model-optimizer/extensions/front/reciprocal.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/reciprocal_test.py b/model-optimizer/extensions/front/reciprocal_test.py index 4ba3c6f8cb2..d059b1d1d55 100644 --- a/model-optimizer/extensions/front/reciprocal_test.py +++ b/model-optimizer/extensions/front/reciprocal_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/reduce_axis_normalizer.py b/model-optimizer/extensions/front/reduce_axis_normalizer.py index dee2492f7c6..4f61c2a800e 100644 --- a/model-optimizer/extensions/front/reduce_axis_normalizer.py +++ b/model-optimizer/extensions/front/reduce_axis_normalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/reduce_axis_normalizer_test.py b/model-optimizer/extensions/front/reduce_axis_normalizer_test.py index 896a1d78075..5af93e6d075 100644 --- a/model-optimizer/extensions/front/reduce_axis_normalizer_test.py +++ b/model-optimizer/extensions/front/reduce_axis_normalizer_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/reshape_dim_normalizer.py b/model-optimizer/extensions/front/reshape_dim_normalizer.py index 03ad628681e..c3064be3f84 100644 --- a/model-optimizer/extensions/front/reshape_dim_normalizer.py +++ b/model-optimizer/extensions/front/reshape_dim_normalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/restore_ports.py b/model-optimizer/extensions/front/restore_ports.py index 2044a7bbcfb..baa72dc8a94 100644 --- a/model-optimizer/extensions/front/restore_ports.py +++ b/model-optimizer/extensions/front/restore_ports.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/scatter_normalizer.py b/model-optimizer/extensions/front/scatter_normalizer.py index 07afa84d333..e11b98c159f 100644 --- a/model-optimizer/extensions/front/scatter_normalizer.py +++ b/model-optimizer/extensions/front/scatter_normalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/scatter_normalizer_test.py b/model-optimizer/extensions/front/scatter_normalizer_test.py index 016cd996320..4f93fb4a7a5 100644 --- a/model-optimizer/extensions/front/scatter_normalizer_test.py +++ b/model-optimizer/extensions/front/scatter_normalizer_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/softmax.py b/model-optimizer/extensions/front/softmax.py index 9b93f0001eb..a36fb378c3d 100644 --- a/model-optimizer/extensions/front/softmax.py +++ b/model-optimizer/extensions/front/softmax.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/softsign_replacer.py b/model-optimizer/extensions/front/softsign_replacer.py index feb1b21823f..6b675a4112d 100644 --- a/model-optimizer/extensions/front/softsign_replacer.py +++ b/model-optimizer/extensions/front/softsign_replacer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/softsign_replacer_test.py b/model-optimizer/extensions/front/softsign_replacer_test.py index ad3a7e493dc..1dd7785a2cd 100644 --- a/model-optimizer/extensions/front/softsign_replacer_test.py +++ b/model-optimizer/extensions/front/softsign_replacer_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/split_normalizer.py b/model-optimizer/extensions/front/split_normalizer.py index bb7d79c83c3..1ca3c61dade 100644 --- a/model-optimizer/extensions/front/split_normalizer.py +++ b/model-optimizer/extensions/front/split_normalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/split_normalizer_test.py b/model-optimizer/extensions/front/split_normalizer_test.py index fcd322f0e2c..4d634590a47 100644 --- a/model-optimizer/extensions/front/split_normalizer_test.py +++ b/model-optimizer/extensions/front/split_normalizer_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/sub.py b/model-optimizer/extensions/front/sub.py index 8e1e915e58f..f187a0a64c4 100644 --- a/model-optimizer/extensions/front/sub.py +++ b/model-optimizer/extensions/front/sub.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/sub_test.py b/model-optimizer/extensions/front/sub_test.py index 852249e86d3..e4b07809c5b 100644 --- a/model-optimizer/extensions/front/sub_test.py +++ b/model-optimizer/extensions/front/sub_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/AutomlEfficientDet.py b/model-optimizer/extensions/front/tf/AutomlEfficientDet.py index f9af87247c6..051a7fb4020 100644 --- a/model-optimizer/extensions/front/tf/AutomlEfficientDet.py +++ b/model-optimizer/extensions/front/tf/AutomlEfficientDet.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/BatchMatMul_ext.py b/model-optimizer/extensions/front/tf/BatchMatMul_ext.py index 6d877fa1fc6..9bcab9aed9e 100644 --- a/model-optimizer/extensions/front/tf/BatchMatMul_ext.py +++ b/model-optimizer/extensions/front/tf/BatchMatMul_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/BatchToSpaceNDToUpsample.py b/model-optimizer/extensions/front/tf/BatchToSpaceNDToUpsample.py index b5f93f17859..ceba661e0c9 100644 --- a/model-optimizer/extensions/front/tf/BatchToSpaceNDToUpsample.py +++ b/model-optimizer/extensions/front/tf/BatchToSpaceNDToUpsample.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/BlockLSTM.py b/model-optimizer/extensions/front/tf/BlockLSTM.py index 11d8b435a60..b9b515d0791 100644 --- a/model-optimizer/extensions/front/tf/BlockLSTM.py +++ b/model-optimizer/extensions/front/tf/BlockLSTM.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/BlockLSTM_ext.py b/model-optimizer/extensions/front/tf/BlockLSTM_ext.py index d728ce5fe9a..66a8a3ca4cf 100644 --- a/model-optimizer/extensions/front/tf/BlockLSTM_ext.py +++ b/model-optimizer/extensions/front/tf/BlockLSTM_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/CTCLossReplacement.py b/model-optimizer/extensions/front/tf/CTCLossReplacement.py index 579db3b472d..beedb32b51d 100644 --- a/model-optimizer/extensions/front/tf/CTCLossReplacement.py +++ b/model-optimizer/extensions/front/tf/CTCLossReplacement.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/CTCLossReplacement_test.py b/model-optimizer/extensions/front/tf/CTCLossReplacement_test.py index 7682a377b8c..5b157056d83 100644 --- a/model-optimizer/extensions/front/tf/CTCLossReplacement_test.py +++ b/model-optimizer/extensions/front/tf/CTCLossReplacement_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/CTCLoss_ext.py b/model-optimizer/extensions/front/tf/CTCLoss_ext.py index cd54981eba5..b18bc2c2ad9 100644 --- a/model-optimizer/extensions/front/tf/CTCLoss_ext.py +++ b/model-optimizer/extensions/front/tf/CTCLoss_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/Cast_ext.py b/model-optimizer/extensions/front/tf/Cast_ext.py index 7c08b433723..3ed6e75f361 100644 --- a/model-optimizer/extensions/front/tf/Cast_ext.py +++ b/model-optimizer/extensions/front/tf/Cast_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/CropAndResizeReplacement.py b/model-optimizer/extensions/front/tf/CropAndResizeReplacement.py index 8e639199597..3f848797b47 100644 --- a/model-optimizer/extensions/front/tf/CropAndResizeReplacement.py +++ b/model-optimizer/extensions/front/tf/CropAndResizeReplacement.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/FakeQuantWithMinMaxVars.py b/model-optimizer/extensions/front/tf/FakeQuantWithMinMaxVars.py index 767f18e5480..d35e5cc4ad9 100644 --- a/model-optimizer/extensions/front/tf/FakeQuantWithMinMaxVars.py +++ b/model-optimizer/extensions/front/tf/FakeQuantWithMinMaxVars.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/FakeQuantWithMinMaxVars_ext.py b/model-optimizer/extensions/front/tf/FakeQuantWithMinMaxVars_ext.py index a9995a975f7..5bf05bf8287 100644 --- a/model-optimizer/extensions/front/tf/FakeQuantWithMinMaxVars_ext.py +++ b/model-optimizer/extensions/front/tf/FakeQuantWithMinMaxVars_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/FlattenToReshape.py b/model-optimizer/extensions/front/tf/FlattenToReshape.py index ff0ee122186..1571f02bdfb 100644 --- a/model-optimizer/extensions/front/tf/FlattenToReshape.py +++ b/model-optimizer/extensions/front/tf/FlattenToReshape.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/GNMT_DynamicSequenceLengths.py b/model-optimizer/extensions/front/tf/GNMT_DynamicSequenceLengths.py index 59df5a67bcf..a17b93706e8 100644 --- a/model-optimizer/extensions/front/tf/GNMT_DynamicSequenceLengths.py +++ b/model-optimizer/extensions/front/tf/GNMT_DynamicSequenceLengths.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/GatherTree_ext.py b/model-optimizer/extensions/front/tf/GatherTree_ext.py index 9c7892813be..937d3f57563 100644 --- a/model-optimizer/extensions/front/tf/GatherTree_ext.py +++ b/model-optimizer/extensions/front/tf/GatherTree_ext.py @@ -1,18 +1,18 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation - Licensed under the Apache License, Version 2.0 (the "License"); - you may not use this file except in compliance with the License. - You may obtain a copy of the License at + Licensed under the Apache License, Version 2.0 (the "License"); + you may not use this file except in compliance with the License. + You may obtain a copy of the License at - http://www.apache.org/licenses/LICENSE-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. - """ + Unless required by applicable law or agreed to in writing, software + distributed under the License is distributed on an "AS IS" BASIS, + WITHOUT 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 fdc21e60f97..f97c295b82b 100644 --- a/model-optimizer/extensions/front/tf/InterpolateTransposes.py +++ b/model-optimizer/extensions/front/tf/InterpolateTransposes.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/IteratorGetNext_ext.py b/model-optimizer/extensions/front/tf/IteratorGetNext_ext.py index a1fda7f0fcb..a78d6f62204 100644 --- a/model-optimizer/extensions/front/tf/IteratorGetNext_ext.py +++ b/model-optimizer/extensions/front/tf/IteratorGetNext_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/LookupTableInsert_ext.py b/model-optimizer/extensions/front/tf/LookupTableInsert_ext.py index 609291f8d67..8b82d3a4d58 100644 --- a/model-optimizer/extensions/front/tf/LookupTableInsert_ext.py +++ b/model-optimizer/extensions/front/tf/LookupTableInsert_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/LoopCond_ext.py b/model-optimizer/extensions/front/tf/LoopCond_ext.py index 9748252ced1..ad8b2b2d9f7 100644 --- a/model-optimizer/extensions/front/tf/LoopCond_ext.py +++ b/model-optimizer/extensions/front/tf/LoopCond_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/ObjectDetectionAPI.py b/model-optimizer/extensions/front/tf/ObjectDetectionAPI.py index 2f681fab589..4711e3474e5 100644 --- a/model-optimizer/extensions/front/tf/ObjectDetectionAPI.py +++ b/model-optimizer/extensions/front/tf/ObjectDetectionAPI.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/ObjectDetectionAPI_test.py b/model-optimizer/extensions/front/tf/ObjectDetectionAPI_test.py index fa5914121ac..8fcc2609a10 100644 --- a/model-optimizer/extensions/front/tf/ObjectDetectionAPI_test.py +++ b/model-optimizer/extensions/front/tf/ObjectDetectionAPI_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/RetinaNetFilteredDetectionsReplacement.py b/model-optimizer/extensions/front/tf/RetinaNetFilteredDetectionsReplacement.py index c21439362ee..7cb945f00d7 100644 --- a/model-optimizer/extensions/front/tf/RetinaNetFilteredDetectionsReplacement.py +++ b/model-optimizer/extensions/front/tf/RetinaNetFilteredDetectionsReplacement.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/SSDToolboxDetectionOutput.py b/model-optimizer/extensions/front/tf/SSDToolboxDetectionOutput.py index 26d6e1edf97..87cad789cf7 100644 --- a/model-optimizer/extensions/front/tf/SSDToolboxDetectionOutput.py +++ b/model-optimizer/extensions/front/tf/SSDToolboxDetectionOutput.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/SizeReplacer.py b/model-optimizer/extensions/front/tf/SizeReplacer.py index 42fefddef85..e43b8ee5d11 100644 --- a/model-optimizer/extensions/front/tf/SizeReplacer.py +++ b/model-optimizer/extensions/front/tf/SizeReplacer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/SwitchMergeOptimization.py b/model-optimizer/extensions/front/tf/SwitchMergeOptimization.py index 727a79c1061..f8bbc549cb6 100644 --- a/model-optimizer/extensions/front/tf/SwitchMergeOptimization.py +++ b/model-optimizer/extensions/front/tf/SwitchMergeOptimization.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/SwitchMergeOptimization_test.py b/model-optimizer/extensions/front/tf/SwitchMergeOptimization_test.py index 780a1696143..a1beafbdc17 100644 --- a/model-optimizer/extensions/front/tf/SwitchMergeOptimization_test.py +++ b/model-optimizer/extensions/front/tf/SwitchMergeOptimization_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/TFResizeToInterpolate.py b/model-optimizer/extensions/front/tf/TFResizeToInterpolate.py index 99255153610..ebd8455314c 100644 --- a/model-optimizer/extensions/front/tf/TFResizeToInterpolate.py +++ b/model-optimizer/extensions/front/tf/TFResizeToInterpolate.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/TensorArrayExtractors.py b/model-optimizer/extensions/front/tf/TensorArrayExtractors.py index 5daf322666f..a1bae40a45e 100644 --- a/model-optimizer/extensions/front/tf/TensorArrayExtractors.py +++ b/model-optimizer/extensions/front/tf/TensorArrayExtractors.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/TensorArrayGatherV3.py b/model-optimizer/extensions/front/tf/TensorArrayGatherV3.py index 6800574bbeb..6b678553c2d 100644 --- a/model-optimizer/extensions/front/tf/TensorArrayGatherV3.py +++ b/model-optimizer/extensions/front/tf/TensorArrayGatherV3.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/UnpackPackReverseInputChannels.py b/model-optimizer/extensions/front/tf/UnpackPackReverseInputChannels.py index 2b14e82548e..5b884d289d4 100644 --- a/model-optimizer/extensions/front/tf/UnpackPackReverseInputChannels.py +++ b/model-optimizer/extensions/front/tf/UnpackPackReverseInputChannels.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/WhereDecomposition.py b/model-optimizer/extensions/front/tf/WhereDecomposition.py index a8e513be399..57913d104e1 100644 --- a/model-optimizer/extensions/front/tf/WhereDecomposition.py +++ b/model-optimizer/extensions/front/tf/WhereDecomposition.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/WhereDecomposition_test.py b/model-optimizer/extensions/front/tf/WhereDecomposition_test.py index 432a619771a..433d715495d 100644 --- a/model-optimizer/extensions/front/tf/WhereDecomposition_test.py +++ b/model-optimizer/extensions/front/tf/WhereDecomposition_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/activation_ext.py b/model-optimizer/extensions/front/tf/activation_ext.py index d8a856260b1..f0976978dfb 100644 --- a/model-optimizer/extensions/front/tf/activation_ext.py +++ b/model-optimizer/extensions/front/tf/activation_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/argmax_ext.py b/model-optimizer/extensions/front/tf/argmax_ext.py index 47f531bea51..40ad1ee5d44 100644 --- a/model-optimizer/extensions/front/tf/argmax_ext.py +++ b/model-optimizer/extensions/front/tf/argmax_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/assign_elimination.py b/model-optimizer/extensions/front/tf/assign_elimination.py index e251dfda5b9..9823fa72e45 100644 --- a/model-optimizer/extensions/front/tf/assign_elimination.py +++ b/model-optimizer/extensions/front/tf/assign_elimination.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/basic_lstm_cell.py b/model-optimizer/extensions/front/tf/basic_lstm_cell.py index dd6e29bc12c..36089574776 100644 --- a/model-optimizer/extensions/front/tf/basic_lstm_cell.py +++ b/model-optimizer/extensions/front/tf/basic_lstm_cell.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. 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 bc18e759da1..41868ee54a6 100644 --- a/model-optimizer/extensions/front/tf/batch_to_space_ext.py +++ b/model-optimizer/extensions/front/tf/batch_to_space_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/bucketize.py b/model-optimizer/extensions/front/tf/bucketize.py index 7cea253a564..6ebb43111dc 100644 --- a/model-optimizer/extensions/front/tf/bucketize.py +++ b/model-optimizer/extensions/front/tf/bucketize.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/bucketize_ext.py b/model-optimizer/extensions/front/tf/bucketize_ext.py index dcd7453f8c1..e981ab7d535 100644 --- a/model-optimizer/extensions/front/tf/bucketize_ext.py +++ b/model-optimizer/extensions/front/tf/bucketize_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/concat.py b/model-optimizer/extensions/front/tf/concat.py index c57551f98c6..0e68bced290 100644 --- a/model-optimizer/extensions/front/tf/concat.py +++ b/model-optimizer/extensions/front/tf/concat.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/concat_ext.py b/model-optimizer/extensions/front/tf/concat_ext.py index ef8c8e1be37..7a3ec2239cb 100644 --- a/model-optimizer/extensions/front/tf/concat_ext.py +++ b/model-optimizer/extensions/front/tf/concat_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/concat_ext_test.py b/model-optimizer/extensions/front/tf/concat_ext_test.py index 9dba3c93c19..a0e7f8022a1 100644 --- a/model-optimizer/extensions/front/tf/concat_ext_test.py +++ b/model-optimizer/extensions/front/tf/concat_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/concat_test.py b/model-optimizer/extensions/front/tf/concat_test.py index d94e4e4acad..eac3afdc530 100644 --- a/model-optimizer/extensions/front/tf/concat_test.py +++ b/model-optimizer/extensions/front/tf/concat_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/const_ext.py b/model-optimizer/extensions/front/tf/const_ext.py index c8539947003..06f1e1156f2 100644 --- a/model-optimizer/extensions/front/tf/const_ext.py +++ b/model-optimizer/extensions/front/tf/const_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/conv_ext.py b/model-optimizer/extensions/front/tf/conv_ext.py index 5b89dfb7f57..f155792a216 100644 --- a/model-optimizer/extensions/front/tf/conv_ext.py +++ b/model-optimizer/extensions/front/tf/conv_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/conv_ext_test.py b/model-optimizer/extensions/front/tf/conv_ext_test.py index 85a8a3e9090..7bd85d859ed 100644 --- a/model-optimizer/extensions/front/tf/conv_ext_test.py +++ b/model-optimizer/extensions/front/tf/conv_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 fe3643761e6..c1d758819f2 100644 --- a/model-optimizer/extensions/front/tf/crop_and_resize_ext.py +++ b/model-optimizer/extensions/front/tf/crop_and_resize_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/cumsum_ext.py b/model-optimizer/extensions/front/tf/cumsum_ext.py index 53409e9f27c..98870cc4616 100644 --- a/model-optimizer/extensions/front/tf/cumsum_ext.py +++ b/model-optimizer/extensions/front/tf/cumsum_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/deconv_ext.py b/model-optimizer/extensions/front/tf/deconv_ext.py index adae35f269e..95d97d3a9dc 100644 --- a/model-optimizer/extensions/front/tf/deconv_ext.py +++ b/model-optimizer/extensions/front/tf/deconv_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/deconv_ext_test.py b/model-optimizer/extensions/front/tf/deconv_ext_test.py index 60a274e8c87..d2e394c3b42 100644 --- a/model-optimizer/extensions/front/tf/deconv_ext_test.py +++ b/model-optimizer/extensions/front/tf/deconv_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/depth_to_space.py b/model-optimizer/extensions/front/tf/depth_to_space.py index 2abbe796b40..ce607742a6c 100644 --- a/model-optimizer/extensions/front/tf/depth_to_space.py +++ b/model-optimizer/extensions/front/tf/depth_to_space.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/elementwise_ext.py b/model-optimizer/extensions/front/tf/elementwise_ext.py index fe453b74bfa..1b5af31a7b3 100644 --- a/model-optimizer/extensions/front/tf/elementwise_ext.py +++ b/model-optimizer/extensions/front/tf/elementwise_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/embedding_segments_sum.py b/model-optimizer/extensions/front/tf/embedding_segments_sum.py index b033ae7cd2c..933cf92c454 100644 --- a/model-optimizer/extensions/front/tf/embedding_segments_sum.py +++ b/model-optimizer/extensions/front/tf/embedding_segments_sum.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 daed2c76b9e..da1aca74001 100644 --- a/model-optimizer/extensions/front/tf/embedding_segments_sum_test.py +++ b/model-optimizer/extensions/front/tf/embedding_segments_sum_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/expand_dims_ext.py b/model-optimizer/extensions/front/tf/expand_dims_ext.py index ebd300aed21..c5f22192c26 100644 --- a/model-optimizer/extensions/front/tf/expand_dims_ext.py +++ b/model-optimizer/extensions/front/tf/expand_dims_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 14ec62b06a3..d2f9f80efcf 100644 --- a/model-optimizer/extensions/front/tf/extract_image_patches_ext.py +++ b/model-optimizer/extensions/front/tf/extract_image_patches_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/fake_const_ext.py b/model-optimizer/extensions/front/tf/fake_const_ext.py index ed63e272477..20a18400ed6 100644 --- a/model-optimizer/extensions/front/tf/fake_const_ext.py +++ b/model-optimizer/extensions/front/tf/fake_const_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 243cf476611..94ab537bc1f 100644 --- a/model-optimizer/extensions/front/tf/fifo_queue_v2_ext.py +++ b/model-optimizer/extensions/front/tf/fifo_queue_v2_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/fifo_replacer.py b/model-optimizer/extensions/front/tf/fifo_replacer.py index 12aa4c8460b..577645fa1bb 100644 --- a/model-optimizer/extensions/front/tf/fifo_replacer.py +++ b/model-optimizer/extensions/front/tf/fifo_replacer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/fifo_replacer_test.py b/model-optimizer/extensions/front/tf/fifo_replacer_test.py index e4a6099c320..31946442a4f 100644 --- a/model-optimizer/extensions/front/tf/fifo_replacer_test.py +++ b/model-optimizer/extensions/front/tf/fifo_replacer_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/fill_ext.py b/model-optimizer/extensions/front/tf/fill_ext.py index 784a0f732b1..a5859c51263 100644 --- a/model-optimizer/extensions/front/tf/fill_ext.py +++ b/model-optimizer/extensions/front/tf/fill_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/floor_div_decomposition.py b/model-optimizer/extensions/front/tf/floor_div_decomposition.py index aab8e2c1809..952015d36ac 100644 --- a/model-optimizer/extensions/front/tf/floor_div_decomposition.py +++ b/model-optimizer/extensions/front/tf/floor_div_decomposition.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/floor_div_test.py b/model-optimizer/extensions/front/tf/floor_div_test.py index db4160bf391..835072dce7a 100644 --- a/model-optimizer/extensions/front/tf/floor_div_test.py +++ b/model-optimizer/extensions/front/tf/floor_div_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/floor_ext.py b/model-optimizer/extensions/front/tf/floor_ext.py index 0da6685ae3e..4396ca9959a 100644 --- a/model-optimizer/extensions/front/tf/floor_ext.py +++ b/model-optimizer/extensions/front/tf/floor_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/gather_ext.py b/model-optimizer/extensions/front/tf/gather_ext.py index 374e6a78cb0..bb7f1d9d811 100644 --- a/model-optimizer/extensions/front/tf/gather_ext.py +++ b/model-optimizer/extensions/front/tf/gather_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/gathernd_ext.py b/model-optimizer/extensions/front/tf/gathernd_ext.py index 24c1a440204..c9a9839fa50 100644 --- a/model-optimizer/extensions/front/tf/gathernd_ext.py +++ b/model-optimizer/extensions/front/tf/gathernd_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/identityN_to_identity.py b/model-optimizer/extensions/front/tf/identityN_to_identity.py index 7578ef97d8d..298edca014e 100644 --- a/model-optimizer/extensions/front/tf/identityN_to_identity.py +++ b/model-optimizer/extensions/front/tf/identityN_to_identity.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 71571d7783a..8970d244969 100644 --- a/model-optimizer/extensions/front/tf/identityN_to_identity_test.py +++ b/model-optimizer/extensions/front/tf/identityN_to_identity_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/identity_ext.py b/model-optimizer/extensions/front/tf/identity_ext.py index bdd91587539..bb7c1ca3173 100644 --- a/model-optimizer/extensions/front/tf/identity_ext.py +++ b/model-optimizer/extensions/front/tf/identity_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/log_softmax_ext.py b/model-optimizer/extensions/front/tf/log_softmax_ext.py index 64c6e839b13..e15fdf47bd0 100644 --- a/model-optimizer/extensions/front/tf/log_softmax_ext.py +++ b/model-optimizer/extensions/front/tf/log_softmax_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/lrn_ext.py b/model-optimizer/extensions/front/tf/lrn_ext.py index 08277b057fb..50dc036e530 100644 --- a/model-optimizer/extensions/front/tf/lrn_ext.py +++ b/model-optimizer/extensions/front/tf/lrn_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/matmul_ext.py b/model-optimizer/extensions/front/tf/matmul_ext.py index 11970af998c..b88cd08b87a 100644 --- a/model-optimizer/extensions/front/tf/matmul_ext.py +++ b/model-optimizer/extensions/front/tf/matmul_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/mvn_unrolled_test.py b/model-optimizer/extensions/front/tf/mvn_unrolled_test.py index 265b54e0489..9ec89306bb2 100644 --- a/model-optimizer/extensions/front/tf/mvn_unrolled_test.py +++ b/model-optimizer/extensions/front/tf/mvn_unrolled_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/nearest_neighbor_upsampling.py b/model-optimizer/extensions/front/tf/nearest_neighbor_upsampling.py index e605b8e7e91..365bde157e7 100644 --- a/model-optimizer/extensions/front/tf/nearest_neighbor_upsampling.py +++ b/model-optimizer/extensions/front/tf/nearest_neighbor_upsampling.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/next_iteration_ext.py b/model-optimizer/extensions/front/tf/next_iteration_ext.py index 0fc2591ae04..6322fa233e2 100644 --- a/model-optimizer/extensions/front/tf/next_iteration_ext.py +++ b/model-optimizer/extensions/front/tf/next_iteration_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 f80055b3ebc..86339cb95a4 100644 --- a/model-optimizer/extensions/front/tf/next_iteration_ext_test.py +++ b/model-optimizer/extensions/front/tf/next_iteration_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 f56b5bafc58..9db59e8a762 100644 --- a/model-optimizer/extensions/front/tf/non_max_suppression_ext.py +++ b/model-optimizer/extensions/front/tf/non_max_suppression_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 81e4b071824..5cf5ef7b659 100644 --- a/model-optimizer/extensions/front/tf/non_max_suppression_normalize.py +++ b/model-optimizer/extensions/front/tf/non_max_suppression_normalize.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/noop.py b/model-optimizer/extensions/front/tf/noop.py index ae758d50c2a..7c8f0fa6c49 100644 --- a/model-optimizer/extensions/front/tf/noop.py +++ b/model-optimizer/extensions/front/tf/noop.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/one_hot_ext.py b/model-optimizer/extensions/front/tf/one_hot_ext.py index 1875e8230db..7bba9334fa2 100644 --- a/model-optimizer/extensions/front/tf/one_hot_ext.py +++ b/model-optimizer/extensions/front/tf/one_hot_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/pad_ext.py b/model-optimizer/extensions/front/tf/pad_ext.py index cd344186f96..4dc48a57571 100644 --- a/model-optimizer/extensions/front/tf/pad_ext.py +++ b/model-optimizer/extensions/front/tf/pad_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/placeholder_ext.py b/model-optimizer/extensions/front/tf/placeholder_ext.py index fdec574295a..1fe9453850a 100644 --- a/model-optimizer/extensions/front/tf/placeholder_ext.py +++ b/model-optimizer/extensions/front/tf/placeholder_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 35965b13bad..49d1a999331 100644 --- a/model-optimizer/extensions/front/tf/placeholder_with_default_ext.py +++ b/model-optimizer/extensions/front/tf/placeholder_with_default_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/prelu.py b/model-optimizer/extensions/front/tf/prelu.py index 02f134e34e1..5e416b5be1b 100644 --- a/model-optimizer/extensions/front/tf/prelu.py +++ b/model-optimizer/extensions/front/tf/prelu.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/range_ext.py b/model-optimizer/extensions/front/tf/range_ext.py index 5d3fa4f2b35..ad38e17f277 100644 --- a/model-optimizer/extensions/front/tf/range_ext.py +++ b/model-optimizer/extensions/front/tf/range_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/reduce_ext.py b/model-optimizer/extensions/front/tf/reduce_ext.py index c593fcd7884..f17d3ecb555 100644 --- a/model-optimizer/extensions/front/tf/reduce_ext.py +++ b/model-optimizer/extensions/front/tf/reduce_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/reshape_related_ext.py b/model-optimizer/extensions/front/tf/reshape_related_ext.py index 51632d2f962..3de98930543 100644 --- a/model-optimizer/extensions/front/tf/reshape_related_ext.py +++ b/model-optimizer/extensions/front/tf/reshape_related_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/resize_bilinear.py b/model-optimizer/extensions/front/tf/resize_bilinear.py index 1ba2b17ec8d..101142496ff 100644 --- a/model-optimizer/extensions/front/tf/resize_bilinear.py +++ b/model-optimizer/extensions/front/tf/resize_bilinear.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/resize_nearest_neighbor.py b/model-optimizer/extensions/front/tf/resize_nearest_neighbor.py index 327744e2a7e..4648a916ae4 100644 --- a/model-optimizer/extensions/front/tf/resize_nearest_neighbor.py +++ b/model-optimizer/extensions/front/tf/resize_nearest_neighbor.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/reverse_sequence.py b/model-optimizer/extensions/front/tf/reverse_sequence.py index d73a28e866f..86451f187bc 100644 --- a/model-optimizer/extensions/front/tf/reverse_sequence.py +++ b/model-optimizer/extensions/front/tf/reverse_sequence.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/reverse_v2.py b/model-optimizer/extensions/front/tf/reverse_v2.py index 07359ec6ba5..7fc39f0b79c 100644 --- a/model-optimizer/extensions/front/tf/reverse_v2.py +++ b/model-optimizer/extensions/front/tf/reverse_v2.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/select_ext.py b/model-optimizer/extensions/front/tf/select_ext.py index 32a38a66f51..c3a8c6a687f 100644 --- a/model-optimizer/extensions/front/tf/select_ext.py +++ b/model-optimizer/extensions/front/tf/select_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/sign_ext.py b/model-optimizer/extensions/front/tf/sign_ext.py index f63511a07f5..d9aba877d8a 100644 --- a/model-optimizer/extensions/front/tf/sign_ext.py +++ b/model-optimizer/extensions/front/tf/sign_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/size_replacer_test.py b/model-optimizer/extensions/front/tf/size_replacer_test.py index 03daf1a2666..e94b67d5854 100644 --- a/model-optimizer/extensions/front/tf/size_replacer_test.py +++ b/model-optimizer/extensions/front/tf/size_replacer_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/slice_ext.py b/model-optimizer/extensions/front/tf/slice_ext.py index 335b8fe33c9..288a36b69b1 100644 --- a/model-optimizer/extensions/front/tf/slice_ext.py +++ b/model-optimizer/extensions/front/tf/slice_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/softmax_ext.py b/model-optimizer/extensions/front/tf/softmax_ext.py index fc4461abce7..e6803031210 100644 --- a/model-optimizer/extensions/front/tf/softmax_ext.py +++ b/model-optimizer/extensions/front/tf/softmax_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/softplus_ext.py b/model-optimizer/extensions/front/tf/softplus_ext.py index 798728e76ad..3956bfdfe09 100644 --- a/model-optimizer/extensions/front/tf/softplus_ext.py +++ b/model-optimizer/extensions/front/tf/softplus_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/space_to_batch.py b/model-optimizer/extensions/front/tf/space_to_batch.py index 1b2df6472b2..1780dd150e1 100644 --- a/model-optimizer/extensions/front/tf/space_to_batch.py +++ b/model-optimizer/extensions/front/tf/space_to_batch.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 7747fc3c844..c278104fb0f 100644 --- a/model-optimizer/extensions/front/tf/space_to_batch_ext.py +++ b/model-optimizer/extensions/front/tf/space_to_batch_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 efee2b4c9fc..8da78a964bc 100644 --- a/model-optimizer/extensions/front/tf/space_to_depth_ext.py +++ b/model-optimizer/extensions/front/tf/space_to_depth_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 5edff71a5d6..c1caef5b29d 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 d2a656df27b..f09c5f68638 100644 --- a/model-optimizer/extensions/front/tf/sparse_segment_mean_ext.py +++ b/model-optimizer/extensions/front/tf/sparse_segment_mean_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 b0137d1f556..8a6c81c3761 100644 --- a/model-optimizer/extensions/front/tf/sparse_segment_sqrtn_ext.py +++ b/model-optimizer/extensions/front/tf/sparse_segment_sqrtn_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 33a2e36228f..f93c8eb227b 100644 --- a/model-optimizer/extensions/front/tf/sparse_segment_sum_ext.py +++ b/model-optimizer/extensions/front/tf/sparse_segment_sum_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 de51c706585..26a52bfde02 100644 --- a/model-optimizer/extensions/front/tf/sparse_to_dense_replacer.py +++ b/model-optimizer/extensions/front/tf/sparse_to_dense_replacer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 12464e92be7..257e182c51f 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,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/split_ext.py b/model-optimizer/extensions/front/tf/split_ext.py index d73771e5f34..5c62016c845 100644 --- a/model-optimizer/extensions/front/tf/split_ext.py +++ b/model-optimizer/extensions/front/tf/split_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/swap_deconv_inputs.py b/model-optimizer/extensions/front/tf/swap_deconv_inputs.py index a5c7c7496e5..5dcfb4ddd1f 100644 --- a/model-optimizer/extensions/front/tf/swap_deconv_inputs.py +++ b/model-optimizer/extensions/front/tf/swap_deconv_inputs.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/swish_ext.py b/model-optimizer/extensions/front/tf/swish_ext.py index 97008775999..5bdc487dc47 100644 --- a/model-optimizer/extensions/front/tf/swish_ext.py +++ b/model-optimizer/extensions/front/tf/swish_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 d76a6d761f9..c6ed23ede6b 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/tile_ext.py b/model-optimizer/extensions/front/tf/tile_ext.py index ac06c6afd5a..86fd5d52c40 100644 --- a/model-optimizer/extensions/front/tf/tile_ext.py +++ b/model-optimizer/extensions/front/tf/tile_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/topk_ext.py b/model-optimizer/extensions/front/tf/topk_ext.py index 7c338b8594d..74608851688 100644 --- a/model-optimizer/extensions/front/tf/topk_ext.py +++ b/model-optimizer/extensions/front/tf/topk_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/transpose_ext.py b/model-optimizer/extensions/front/tf/transpose_ext.py index a09f0e1fba4..5d42e8cf488 100644 --- a/model-optimizer/extensions/front/tf/transpose_ext.py +++ b/model-optimizer/extensions/front/tf/transpose_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/unique_ext.py b/model-optimizer/extensions/front/tf/unique_ext.py index 75f1d5bddca..29c0e236d1b 100644 --- a/model-optimizer/extensions/front/tf/unique_ext.py +++ b/model-optimizer/extensions/front/tf/unique_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/variable_ext.py b/model-optimizer/extensions/front/tf/variable_ext.py index e0a173d69e1..445510ae02e 100644 --- a/model-optimizer/extensions/front/tf/variable_ext.py +++ b/model-optimizer/extensions/front/tf/variable_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/tf/variables_values_freezing.py b/model-optimizer/extensions/front/tf/variables_values_freezing.py index 719ab4e3adb..8dbe3e3a9b7 100644 --- a/model-optimizer/extensions/front/tf/variables_values_freezing.py +++ b/model-optimizer/extensions/front/tf/variables_values_freezing.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/transformations_config.py b/model-optimizer/extensions/front/transformations_config.py index 823627525b4..25003ab23c4 100644 --- a/model-optimizer/extensions/front/transformations_config.py +++ b/model-optimizer/extensions/front/transformations_config.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/front/user_data_repack.py b/model-optimizer/extensions/front/user_data_repack.py index 6affc1bd27c..d3a03fd6bfb 100644 --- a/model-optimizer/extensions/front/user_data_repack.py +++ b/model-optimizer/extensions/front/user_data_repack.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/load/caffe/loader.py b/model-optimizer/extensions/load/caffe/loader.py index b9c978255c5..a80cd3b5427 100644 --- a/model-optimizer/extensions/load/caffe/loader.py +++ b/model-optimizer/extensions/load/caffe/loader.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/load/kaldi/loader.py b/model-optimizer/extensions/load/kaldi/loader.py index d6a118ba922..c3a5768f26d 100644 --- a/model-optimizer/extensions/load/kaldi/loader.py +++ b/model-optimizer/extensions/load/kaldi/loader.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/load/loader.py b/model-optimizer/extensions/load/loader.py index e406041b1df..7cafafb00d8 100644 --- a/model-optimizer/extensions/load/loader.py +++ b/model-optimizer/extensions/load/loader.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/load/mxnet/loader.py b/model-optimizer/extensions/load/mxnet/loader.py index c524213e1cb..7bcda5a63a9 100644 --- a/model-optimizer/extensions/load/mxnet/loader.py +++ b/model-optimizer/extensions/load/mxnet/loader.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/load/onnx/loader.py b/model-optimizer/extensions/load/onnx/loader.py index b18bc544142..d22a6261b81 100644 --- a/model-optimizer/extensions/load/onnx/loader.py +++ b/model-optimizer/extensions/load/onnx/loader.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/AddFakeQuantizeFuse.py b/model-optimizer/extensions/middle/AddFakeQuantizeFuse.py index d59b779582d..759c35c4afd 100644 --- a/model-optimizer/extensions/middle/AddFakeQuantizeFuse.py +++ b/model-optimizer/extensions/middle/AddFakeQuantizeFuse.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/AddIsCyclicAttribute.py b/model-optimizer/extensions/middle/AddIsCyclicAttribute.py index f6458697d31..dd0fa994d84 100644 --- a/model-optimizer/extensions/middle/AddIsCyclicAttribute.py +++ b/model-optimizer/extensions/middle/AddIsCyclicAttribute.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/AddIsCyclicAttribute_test.py b/model-optimizer/extensions/middle/AddIsCyclicAttribute_test.py index d60c930c4e4..f120e716b7f 100644 --- a/model-optimizer/extensions/middle/AddIsCyclicAttribute_test.py +++ b/model-optimizer/extensions/middle/AddIsCyclicAttribute_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/AddMeanScaleValues_test.py b/model-optimizer/extensions/middle/AddMeanScaleValues_test.py index 1bee346b398..b88114dae65 100644 --- a/model-optimizer/extensions/middle/AddMeanScaleValues_test.py +++ b/model-optimizer/extensions/middle/AddMeanScaleValues_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ApplyNHWCtoNCHWpermutation.py b/model-optimizer/extensions/middle/ApplyNHWCtoNCHWpermutation.py index 5d3561ed739..e5059ff4d39 100644 --- a/model-optimizer/extensions/middle/ApplyNHWCtoNCHWpermutation.py +++ b/model-optimizer/extensions/middle/ApplyNHWCtoNCHWpermutation.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ArgMaxToTopK.py b/model-optimizer/extensions/middle/ArgMaxToTopK.py index 149c44d618a..8725f15e36b 100644 --- a/model-optimizer/extensions/middle/ArgMaxToTopK.py +++ b/model-optimizer/extensions/middle/ArgMaxToTopK.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/AttributedTileNormalizer.py b/model-optimizer/extensions/middle/AttributedTileNormalizer.py index 2bb0569a188..68d308cfa63 100644 --- a/model-optimizer/extensions/middle/AttributedTileNormalizer.py +++ b/model-optimizer/extensions/middle/AttributedTileNormalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/BiasAddBroadcasting.py b/model-optimizer/extensions/middle/BiasAddBroadcasting.py index 8d7803f623c..ca0eba54482 100644 --- a/model-optimizer/extensions/middle/BiasAddBroadcasting.py +++ b/model-optimizer/extensions/middle/BiasAddBroadcasting.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/BinarizeWeightsM1P1.py b/model-optimizer/extensions/middle/BinarizeWeightsM1P1.py index 881b6b2d2b8..3100939ae6f 100644 --- a/model-optimizer/extensions/middle/BinarizeWeightsM1P1.py +++ b/model-optimizer/extensions/middle/BinarizeWeightsM1P1.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/BlockLSTMtoLSTMSequence.py b/model-optimizer/extensions/middle/BlockLSTMtoLSTMSequence.py index 25e11a7c463..605f75a9e3d 100644 --- a/model-optimizer/extensions/middle/BlockLSTMtoLSTMSequence.py +++ b/model-optimizer/extensions/middle/BlockLSTMtoLSTMSequence.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/CheckForCycle.py b/model-optimizer/extensions/middle/CheckForCycle.py index b24f53d0b3a..f444d4b043a 100644 --- a/model-optimizer/extensions/middle/CheckForCycle.py +++ b/model-optimizer/extensions/middle/CheckForCycle.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/CheckForCycle_test.py b/model-optimizer/extensions/middle/CheckForCycle_test.py index 3ca65a65c97..8010eca4c5d 100644 --- a/model-optimizer/extensions/middle/CheckForCycle_test.py +++ b/model-optimizer/extensions/middle/CheckForCycle_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ConcatOptimization.py b/model-optimizer/extensions/middle/ConcatOptimization.py index 1e3a8753512..899b8a87fa6 100644 --- a/model-optimizer/extensions/middle/ConcatOptimization.py +++ b/model-optimizer/extensions/middle/ConcatOptimization.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ConcatOptimization_test.py b/model-optimizer/extensions/middle/ConcatOptimization_test.py index 713627240f8..98007caea9d 100644 --- a/model-optimizer/extensions/middle/ConcatOptimization_test.py +++ b/model-optimizer/extensions/middle/ConcatOptimization_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ConstSwitchResolver.py b/model-optimizer/extensions/middle/ConstSwitchResolver.py index 8705f03a445..64c23e9a6d5 100644 --- a/model-optimizer/extensions/middle/ConstSwitchResolver.py +++ b/model-optimizer/extensions/middle/ConstSwitchResolver.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ConvToBinaryConv.py b/model-optimizer/extensions/middle/ConvToBinaryConv.py index 526a777ec91..e8a04cf596e 100644 --- a/model-optimizer/extensions/middle/ConvToBinaryConv.py +++ b/model-optimizer/extensions/middle/ConvToBinaryConv.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ConvertGroupedStridedSlice.py b/model-optimizer/extensions/middle/ConvertGroupedStridedSlice.py index 9672230e15c..8e72b426a01 100644 --- a/model-optimizer/extensions/middle/ConvertGroupedStridedSlice.py +++ b/model-optimizer/extensions/middle/ConvertGroupedStridedSlice.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ConvertGroupedStridedSlice_test.py b/model-optimizer/extensions/middle/ConvertGroupedStridedSlice_test.py index 7aa86002d3e..dfad0d14eb5 100644 --- a/model-optimizer/extensions/middle/ConvertGroupedStridedSlice_test.py +++ b/model-optimizer/extensions/middle/ConvertGroupedStridedSlice_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ConvertLayoutDependentOperations.py b/model-optimizer/extensions/middle/ConvertLayoutDependentOperations.py index 8ff5ab07527..1dee11a02be 100644 --- a/model-optimizer/extensions/middle/ConvertLayoutDependentOperations.py +++ b/model-optimizer/extensions/middle/ConvertLayoutDependentOperations.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ConvertMultiInputConv.py b/model-optimizer/extensions/middle/ConvertMultiInputConv.py index c68ddb05669..395c41bc938 100644 --- a/model-optimizer/extensions/middle/ConvertMultiInputConv.py +++ b/model-optimizer/extensions/middle/ConvertMultiInputConv.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/CustomSubgraphCall.py b/model-optimizer/extensions/middle/CustomSubgraphCall.py index 5595df87f48..d455c569bad 100644 --- a/model-optimizer/extensions/middle/CustomSubgraphCall.py +++ b/model-optimizer/extensions/middle/CustomSubgraphCall.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/CutInputHavingZeroDimFromConcat_test.py b/model-optimizer/extensions/middle/CutInputHavingZeroDimFromConcat_test.py index c3493d73d4d..ae5ef27fecf 100644 --- a/model-optimizer/extensions/middle/CutInputHavingZeroDimFromConcat_test.py +++ b/model-optimizer/extensions/middle/CutInputHavingZeroDimFromConcat_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/DecomposeBias.py b/model-optimizer/extensions/middle/DecomposeBias.py index 57623772a0b..4b12e6690ba 100644 --- a/model-optimizer/extensions/middle/DecomposeBias.py +++ b/model-optimizer/extensions/middle/DecomposeBias.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/DecomposeBidirectionalRNNSequence.py b/model-optimizer/extensions/middle/DecomposeBidirectionalRNNSequence.py index c081d5f34be..c80544dbece 100644 --- a/model-optimizer/extensions/middle/DecomposeBidirectionalRNNSequence.py +++ b/model-optimizer/extensions/middle/DecomposeBidirectionalRNNSequence.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/Deconvolution3rdInputNormalization.py b/model-optimizer/extensions/middle/Deconvolution3rdInputNormalization.py index 892d878e410..b724a3f2d82 100644 --- a/model-optimizer/extensions/middle/Deconvolution3rdInputNormalization.py +++ b/model-optimizer/extensions/middle/Deconvolution3rdInputNormalization.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/DeleteControlFlowEdges.py b/model-optimizer/extensions/middle/DeleteControlFlowEdges.py index 89597919f7d..1bbb1d16dfb 100644 --- a/model-optimizer/extensions/middle/DeleteControlFlowEdges.py +++ b/model-optimizer/extensions/middle/DeleteControlFlowEdges.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/DeleteNotExecutable.py b/model-optimizer/extensions/middle/DeleteNotExecutable.py index a90a9821beb..bf634c3dcd6 100644 --- a/model-optimizer/extensions/middle/DeleteNotExecutable.py +++ b/model-optimizer/extensions/middle/DeleteNotExecutable.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/DilatedConvolution.py b/model-optimizer/extensions/middle/DilatedConvolution.py index da45a2fc70d..2c4e9b61679 100644 --- a/model-optimizer/extensions/middle/DilatedConvolution.py +++ b/model-optimizer/extensions/middle/DilatedConvolution.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/EltwiseChecker.py b/model-optimizer/extensions/middle/EltwiseChecker.py index b42941aa032..fa7e9f7f7ca 100644 --- a/model-optimizer/extensions/middle/EltwiseChecker.py +++ b/model-optimizer/extensions/middle/EltwiseChecker.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/EltwiseInputReshape.py b/model-optimizer/extensions/middle/EltwiseInputReshape.py index 84b40d7a701..99126f268de 100644 --- a/model-optimizer/extensions/middle/EltwiseInputReshape.py +++ b/model-optimizer/extensions/middle/EltwiseInputReshape.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/EltwiseInputReshape_test.py b/model-optimizer/extensions/middle/EltwiseInputReshape_test.py index ce45b463aac..115b45c7070 100644 --- a/model-optimizer/extensions/middle/EltwiseInputReshape_test.py +++ b/model-optimizer/extensions/middle/EltwiseInputReshape_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/FakeSplitOutputs.py b/model-optimizer/extensions/middle/FakeSplitOutputs.py index 6e13a94946b..952f7f14f2b 100644 --- a/model-optimizer/extensions/middle/FakeSplitOutputs.py +++ b/model-optimizer/extensions/middle/FakeSplitOutputs.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/FakeSplitOutputs_test.py b/model-optimizer/extensions/middle/FakeSplitOutputs_test.py index d24e30ec229..f179443ccd2 100644 --- a/model-optimizer/extensions/middle/FakeSplitOutputs_test.py +++ b/model-optimizer/extensions/middle/FakeSplitOutputs_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/FuseReshapesSequence.py b/model-optimizer/extensions/middle/FuseReshapesSequence.py index 933f23b82d0..9d1ab188b69 100644 --- a/model-optimizer/extensions/middle/FuseReshapesSequence.py +++ b/model-optimizer/extensions/middle/FuseReshapesSequence.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/FusedBatchNormNonConstant.py b/model-optimizer/extensions/middle/FusedBatchNormNonConstant.py index 3993d7a91d0..3f9a3390615 100644 --- a/model-optimizer/extensions/middle/FusedBatchNormNonConstant.py +++ b/model-optimizer/extensions/middle/FusedBatchNormNonConstant.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/GRURNNSequenceToTensorIterator.py b/model-optimizer/extensions/middle/GRURNNSequenceToTensorIterator.py index 1e2bf92d75c..c5fe18f2326 100644 --- a/model-optimizer/extensions/middle/GRURNNSequenceToTensorIterator.py +++ b/model-optimizer/extensions/middle/GRURNNSequenceToTensorIterator.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/GatherNdNormalizer.py b/model-optimizer/extensions/middle/GatherNdNormalizer.py index 0a973ad29b9..f731c670570 100644 --- a/model-optimizer/extensions/middle/GatherNdNormalizer.py +++ b/model-optimizer/extensions/middle/GatherNdNormalizer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/InputCut.py b/model-optimizer/extensions/middle/InputCut.py index 63cbc925647..2799c1dd14d 100644 --- a/model-optimizer/extensions/middle/InputCut.py +++ b/model-optimizer/extensions/middle/InputCut.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/InsertLayoutPropagationTransposes.py b/model-optimizer/extensions/middle/InsertLayoutPropagationTransposes.py index 50ec7b5972b..f57d9df48a6 100644 --- a/model-optimizer/extensions/middle/InsertLayoutPropagationTransposes.py +++ b/model-optimizer/extensions/middle/InsertLayoutPropagationTransposes.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/InsertSelect.py b/model-optimizer/extensions/middle/InsertSelect.py index 6654fd3aac5..4f792e8be75 100644 --- a/model-optimizer/extensions/middle/InsertSelect.py +++ b/model-optimizer/extensions/middle/InsertSelect.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/InsertSelect_test.py b/model-optimizer/extensions/middle/InsertSelect_test.py index dbfa9d2fd4c..5704b05945c 100644 --- a/model-optimizer/extensions/middle/InsertSelect_test.py +++ b/model-optimizer/extensions/middle/InsertSelect_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/LSTMRNNSequenceToTensorIterator.py b/model-optimizer/extensions/middle/LSTMRNNSequenceToTensorIterator.py index 04a759c12ec..40237394ef8 100644 --- a/model-optimizer/extensions/middle/LSTMRNNSequenceToTensorIterator.py +++ b/model-optimizer/extensions/middle/LSTMRNNSequenceToTensorIterator.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/LayoutChangeForConstantShapePaths.py b/model-optimizer/extensions/middle/LayoutChangeForConstantShapePaths.py index a92e74d682b..30454206cc2 100644 --- a/model-optimizer/extensions/middle/LayoutChangeForConstantShapePaths.py +++ b/model-optimizer/extensions/middle/LayoutChangeForConstantShapePaths.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/LeakyReluPattern.py b/model-optimizer/extensions/middle/LeakyReluPattern.py index d01bf8d398d..b2b11e38b90 100644 --- a/model-optimizer/extensions/middle/LeakyReluPattern.py +++ b/model-optimizer/extensions/middle/LeakyReluPattern.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/LeakyReluPattern_test.py b/model-optimizer/extensions/middle/LeakyReluPattern_test.py index 4a84b5d8fac..6992086567a 100644 --- a/model-optimizer/extensions/middle/LeakyReluPattern_test.py +++ b/model-optimizer/extensions/middle/LeakyReluPattern_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/MXNetRNNSequenceNormalize.py b/model-optimizer/extensions/middle/MXNetRNNSequenceNormalize.py index 51a77617b5d..00ac5ebab9e 100644 --- a/model-optimizer/extensions/middle/MXNetRNNSequenceNormalize.py +++ b/model-optimizer/extensions/middle/MXNetRNNSequenceNormalize.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/MXNetSplitMultiLayers.py b/model-optimizer/extensions/middle/MXNetSplitMultiLayers.py index 7802c7ddb6e..e3b8b6794d1 100644 --- a/model-optimizer/extensions/middle/MXNetSplitMultiLayers.py +++ b/model-optimizer/extensions/middle/MXNetSplitMultiLayers.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/MXTileReplacer.py b/model-optimizer/extensions/middle/MXTileReplacer.py index 58a7283fcc7..ec7b068e2e5 100644 --- a/model-optimizer/extensions/middle/MXTileReplacer.py +++ b/model-optimizer/extensions/middle/MXTileReplacer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/MXTileReplacer_test.py b/model-optimizer/extensions/middle/MXTileReplacer_test.py index 5226dfe4cf3..f992a1aad7f 100644 --- a/model-optimizer/extensions/middle/MXTileReplacer_test.py +++ b/model-optimizer/extensions/middle/MXTileReplacer_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/MarkSubgraphsWithCorrectLayout.py b/model-optimizer/extensions/middle/MarkSubgraphsWithCorrectLayout.py index fc7b834d24f..5b2812cc8e8 100644 --- a/model-optimizer/extensions/middle/MarkSubgraphsWithCorrectLayout.py +++ b/model-optimizer/extensions/middle/MarkSubgraphsWithCorrectLayout.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/MulFakeQuantizeFuse.py b/model-optimizer/extensions/middle/MulFakeQuantizeFuse.py index b4cc9dbdab8..1ac1d4b9b6b 100644 --- a/model-optimizer/extensions/middle/MulFakeQuantizeFuse.py +++ b/model-optimizer/extensions/middle/MulFakeQuantizeFuse.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/MulQuantizeFuse_test.py b/model-optimizer/extensions/middle/MulQuantizeFuse_test.py index 29b76bb9123..271d7d2d4fa 100644 --- a/model-optimizer/extensions/middle/MulQuantizeFuse_test.py +++ b/model-optimizer/extensions/middle/MulQuantizeFuse_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ONNXRNNSequenceNormalize.py b/model-optimizer/extensions/middle/ONNXRNNSequenceNormalize.py index a94b9af116d..ca3fd79ed77 100644 --- a/model-optimizer/extensions/middle/ONNXRNNSequenceNormalize.py +++ b/model-optimizer/extensions/middle/ONNXRNNSequenceNormalize.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ONNXResize11ToInterpolate.py b/model-optimizer/extensions/middle/ONNXResize11ToInterpolate.py index d232b99ded9..874e188de38 100644 --- a/model-optimizer/extensions/middle/ONNXResize11ToInterpolate.py +++ b/model-optimizer/extensions/middle/ONNXResize11ToInterpolate.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/PartialInfer.py b/model-optimizer/extensions/middle/PartialInfer.py index 1461f0791d7..b04ebdd13b2 100644 --- a/model-optimizer/extensions/middle/PartialInfer.py +++ b/model-optimizer/extensions/middle/PartialInfer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/RNNSequenceNormalizeToIE.py b/model-optimizer/extensions/middle/RNNSequenceNormalizeToIE.py index a05a04bf5ba..be248698ed7 100644 --- a/model-optimizer/extensions/middle/RNNSequenceNormalizeToIE.py +++ b/model-optimizer/extensions/middle/RNNSequenceNormalizeToIE.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ReluQuantizeFuse.py b/model-optimizer/extensions/middle/ReluQuantizeFuse.py index f581e8f6c6f..b5bbf5d887d 100644 --- a/model-optimizer/extensions/middle/ReluQuantizeFuse.py +++ b/model-optimizer/extensions/middle/ReluQuantizeFuse.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ReluQuantizeFuse_test.py b/model-optimizer/extensions/middle/ReluQuantizeFuse_test.py index 0065a3577b3..9ce1a176d53 100644 --- a/model-optimizer/extensions/middle/ReluQuantizeFuse_test.py +++ b/model-optimizer/extensions/middle/ReluQuantizeFuse_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/RemoveDuplicationMemory.py b/model-optimizer/extensions/middle/RemoveDuplicationMemory.py index 91f52985a31..53469057363 100644 --- a/model-optimizer/extensions/middle/RemoveDuplicationMemory.py +++ b/model-optimizer/extensions/middle/RemoveDuplicationMemory.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/RemoveDuplicationMemory_test.py b/model-optimizer/extensions/middle/RemoveDuplicationMemory_test.py index 9b8de7cd66f..334b4841ace 100644 --- a/model-optimizer/extensions/middle/RemoveDuplicationMemory_test.py +++ b/model-optimizer/extensions/middle/RemoveDuplicationMemory_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/RemoveIdentity.py b/model-optimizer/extensions/middle/RemoveIdentity.py index 02ad2567e76..7bffeed1d73 100644 --- a/model-optimizer/extensions/middle/RemoveIdentity.py +++ b/model-optimizer/extensions/middle/RemoveIdentity.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/RemoveRedundantReshapeAfterCropAndResize.py b/model-optimizer/extensions/middle/RemoveRedundantReshapeAfterCropAndResize.py index b1deb8cf0c7..b6bce8c7802 100644 --- a/model-optimizer/extensions/middle/RemoveRedundantReshapeAfterCropAndResize.py +++ b/model-optimizer/extensions/middle/RemoveRedundantReshapeAfterCropAndResize.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/RemoveRedundantReshapes.py b/model-optimizer/extensions/middle/RemoveRedundantReshapes.py index 935ebc5f786..547dca4aff4 100644 --- a/model-optimizer/extensions/middle/RemoveRedundantReshapes.py +++ b/model-optimizer/extensions/middle/RemoveRedundantReshapes.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/RemoveUselessConcatSplit.py b/model-optimizer/extensions/middle/RemoveUselessConcatSplit.py index 97aed7266d9..c441b405a7d 100644 --- a/model-optimizer/extensions/middle/RemoveUselessConcatSplit.py +++ b/model-optimizer/extensions/middle/RemoveUselessConcatSplit.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/RemoveUselessConcatSplit_test.py b/model-optimizer/extensions/middle/RemoveUselessConcatSplit_test.py index 7f91a7e4cbc..8188b540c2c 100644 --- a/model-optimizer/extensions/middle/RemoveUselessConcatSplit_test.py +++ b/model-optimizer/extensions/middle/RemoveUselessConcatSplit_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/RemoveUselessCrops.py b/model-optimizer/extensions/middle/RemoveUselessCrops.py index 785ef4cd429..19ba9ae315c 100644 --- a/model-optimizer/extensions/middle/RemoveUselessCrops.py +++ b/model-optimizer/extensions/middle/RemoveUselessCrops.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/RemoveUselessCrops_test.py b/model-optimizer/extensions/middle/RemoveUselessCrops_test.py index 3f6f1eec9df..5b35135743a 100644 --- a/model-optimizer/extensions/middle/RemoveUselessCrops_test.py +++ b/model-optimizer/extensions/middle/RemoveUselessCrops_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/RemoveUselessPad.py b/model-optimizer/extensions/middle/RemoveUselessPad.py index af6680a83da..036152e5a1d 100644 --- a/model-optimizer/extensions/middle/RemoveUselessPad.py +++ b/model-optimizer/extensions/middle/RemoveUselessPad.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/RemoveUselessPad_test.py b/model-optimizer/extensions/middle/RemoveUselessPad_test.py index b9fd3f837ec..8e29c4d2d8f 100644 --- a/model-optimizer/extensions/middle/RemoveUselessPad_test.py +++ b/model-optimizer/extensions/middle/RemoveUselessPad_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ReplaceMemoryOffsetWithSplice.py b/model-optimizer/extensions/middle/ReplaceMemoryOffsetWithSplice.py index 48d9ba0d107..bba6a98c193 100644 --- a/model-optimizer/extensions/middle/ReplaceMemoryOffsetWithSplice.py +++ b/model-optimizer/extensions/middle/ReplaceMemoryOffsetWithSplice.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ReplaceMemoryOffsetWithSplice_test.py b/model-optimizer/extensions/middle/ReplaceMemoryOffsetWithSplice_test.py index c00bd53b2b4..5efe0d36213 100644 --- a/model-optimizer/extensions/middle/ReplaceMemoryOffsetWithSplice_test.py +++ b/model-optimizer/extensions/middle/ReplaceMemoryOffsetWithSplice_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ReplacePNorm.py b/model-optimizer/extensions/middle/ReplacePNorm.py index 507f889de9b..8428de83fe3 100644 --- a/model-optimizer/extensions/middle/ReplacePNorm.py +++ b/model-optimizer/extensions/middle/ReplacePNorm.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ReplacePNormNodePattern_test.py b/model-optimizer/extensions/middle/ReplacePNormNodePattern_test.py index 4bb01dea212..8fd59017cca 100644 --- a/model-optimizer/extensions/middle/ReplacePNormNodePattern_test.py +++ b/model-optimizer/extensions/middle/ReplacePNormNodePattern_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ReplaceSpliceNodePattern.py b/model-optimizer/extensions/middle/ReplaceSpliceNodePattern.py index 3a8042dad6f..519e3094a52 100644 --- a/model-optimizer/extensions/middle/ReplaceSpliceNodePattern.py +++ b/model-optimizer/extensions/middle/ReplaceSpliceNodePattern.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ReplaceSpliceNodePattern_test.py b/model-optimizer/extensions/middle/ReplaceSpliceNodePattern_test.py index f02f94138f7..5f7c64a7362 100644 --- a/model-optimizer/extensions/middle/ReplaceSpliceNodePattern_test.py +++ b/model-optimizer/extensions/middle/ReplaceSpliceNodePattern_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ReverseTransposeNormalization.py b/model-optimizer/extensions/middle/ReverseTransposeNormalization.py index 89b93b7cd00..67dd67853f0 100644 --- a/model-optimizer/extensions/middle/ReverseTransposeNormalization.py +++ b/model-optimizer/extensions/middle/ReverseTransposeNormalization.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ReverseV2ToReverseSequence.py b/model-optimizer/extensions/middle/ReverseV2ToReverseSequence.py index 9c9c11575db..19d8c046271 100644 --- a/model-optimizer/extensions/middle/ReverseV2ToReverseSequence.py +++ b/model-optimizer/extensions/middle/ReverseV2ToReverseSequence.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/ScaleInput.py b/model-optimizer/extensions/middle/ScaleInput.py index 72755bfcc35..96c5a519d7d 100644 --- a/model-optimizer/extensions/middle/ScaleInput.py +++ b/model-optimizer/extensions/middle/ScaleInput.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/SequenceLengthToMask.py b/model-optimizer/extensions/middle/SequenceLengthToMask.py index 65b156d706b..bb18cbc2dc3 100644 --- a/model-optimizer/extensions/middle/SequenceLengthToMask.py +++ b/model-optimizer/extensions/middle/SequenceLengthToMask.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/SequenceLenthToMask_test.py b/model-optimizer/extensions/middle/SequenceLenthToMask_test.py index 5ff0d7d4402..7690185aceb 100644 --- a/model-optimizer/extensions/middle/SequenceLenthToMask_test.py +++ b/model-optimizer/extensions/middle/SequenceLenthToMask_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/SharedWeightsDuplication.py b/model-optimizer/extensions/middle/SharedWeightsDuplication.py index 77f5c5756cc..5d453d04a59 100644 --- a/model-optimizer/extensions/middle/SharedWeightsDuplication.py +++ b/model-optimizer/extensions/middle/SharedWeightsDuplication.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/SharedWeightsDuplication_test.py b/model-optimizer/extensions/middle/SharedWeightsDuplication_test.py index 0be30a4242b..d24ab2f1506 100644 --- a/model-optimizer/extensions/middle/SharedWeightsDuplication_test.py +++ b/model-optimizer/extensions/middle/SharedWeightsDuplication_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/SliceConverter.py b/model-optimizer/extensions/middle/SliceConverter.py index 5a9df90917e..97bafd2c4b9 100644 --- a/model-optimizer/extensions/middle/SliceConverter.py +++ b/model-optimizer/extensions/middle/SliceConverter.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/SliceConverter_test.py b/model-optimizer/extensions/middle/SliceConverter_test.py index 63380c28292..a0f32141664 100644 --- a/model-optimizer/extensions/middle/SliceConverter_test.py +++ b/model-optimizer/extensions/middle/SliceConverter_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/SliceLikeToStridedSlice.py b/model-optimizer/extensions/middle/SliceLikeToStridedSlice.py index c9145a921ad..e99d3ca5b80 100644 --- a/model-optimizer/extensions/middle/SliceLikeToStridedSlice.py +++ b/model-optimizer/extensions/middle/SliceLikeToStridedSlice.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/SliceLikeToStridedSlice_test.py b/model-optimizer/extensions/middle/SliceLikeToStridedSlice_test.py index b8bd16b14a6..3e30a6e0865 100644 --- a/model-optimizer/extensions/middle/SliceLikeToStridedSlice_test.py +++ b/model-optimizer/extensions/middle/SliceLikeToStridedSlice_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/SwapAxesMiddleReplacer.py b/model-optimizer/extensions/middle/SwapAxesMiddleReplacer.py index 0105f9b9919..2ba439a55d7 100644 --- a/model-optimizer/extensions/middle/SwapAxesMiddleReplacer.py +++ b/model-optimizer/extensions/middle/SwapAxesMiddleReplacer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 8ae170fef70..1b9f30c7ffc 100644 --- a/model-optimizer/extensions/middle/TF_lstm_cell_to_generic.py +++ b/model-optimizer/extensions/middle/TF_lstm_cell_to_generic.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/TensorIteratorBackEdge.py b/model-optimizer/extensions/middle/TensorIteratorBackEdge.py index d3397fcb837..e3e312c1bdf 100644 --- a/model-optimizer/extensions/middle/TensorIteratorBackEdge.py +++ b/model-optimizer/extensions/middle/TensorIteratorBackEdge.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/TensorIteratorBackEdge_test.py b/model-optimizer/extensions/middle/TensorIteratorBackEdge_test.py index 9abd5d24013..c09514c9264 100644 --- a/model-optimizer/extensions/middle/TensorIteratorBackEdge_test.py +++ b/model-optimizer/extensions/middle/TensorIteratorBackEdge_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/TensorIteratorCondition.py b/model-optimizer/extensions/middle/TensorIteratorCondition.py index 75048e15aaa..d232f5724ff 100644 --- a/model-optimizer/extensions/middle/TensorIteratorCondition.py +++ b/model-optimizer/extensions/middle/TensorIteratorCondition.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/TensorIteratorConditionChecker.py b/model-optimizer/extensions/middle/TensorIteratorConditionChecker.py index 827b5928fe3..a04f4d01bd9 100644 --- a/model-optimizer/extensions/middle/TensorIteratorConditionChecker.py +++ b/model-optimizer/extensions/middle/TensorIteratorConditionChecker.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/TensorIteratorCondition_test.py b/model-optimizer/extensions/middle/TensorIteratorCondition_test.py index 81838e23657..29d2fdd5f58 100644 --- a/model-optimizer/extensions/middle/TensorIteratorCondition_test.py +++ b/model-optimizer/extensions/middle/TensorIteratorCondition_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/TensorIteratorInput.py b/model-optimizer/extensions/middle/TensorIteratorInput.py index c37efb18868..8b737207066 100644 --- a/model-optimizer/extensions/middle/TensorIteratorInput.py +++ b/model-optimizer/extensions/middle/TensorIteratorInput.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/TensorIteratorInput_test.py b/model-optimizer/extensions/middle/TensorIteratorInput_test.py index 2279ae837ff..2b42d30210d 100644 --- a/model-optimizer/extensions/middle/TensorIteratorInput_test.py +++ b/model-optimizer/extensions/middle/TensorIteratorInput_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/TensorIteratorLSTMToLSTMSequence.py b/model-optimizer/extensions/middle/TensorIteratorLSTMToLSTMSequence.py index d2f7f41228c..9a971a73584 100644 --- a/model-optimizer/extensions/middle/TensorIteratorLSTMToLSTMSequence.py +++ b/model-optimizer/extensions/middle/TensorIteratorLSTMToLSTMSequence.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/TensorIteratorMerge.py b/model-optimizer/extensions/middle/TensorIteratorMerge.py index 28716fe69bc..bd782aace3d 100644 --- a/model-optimizer/extensions/middle/TensorIteratorMerge.py +++ b/model-optimizer/extensions/middle/TensorIteratorMerge.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/TensorIteratorOutput.py b/model-optimizer/extensions/middle/TensorIteratorOutput.py index 6fa4713b193..8e1b44cc7c9 100644 --- a/model-optimizer/extensions/middle/TensorIteratorOutput.py +++ b/model-optimizer/extensions/middle/TensorIteratorOutput.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/TensorIteratorOutput_test.py b/model-optimizer/extensions/middle/TensorIteratorOutput_test.py index 470a76ca8fd..b318b7bd951 100644 --- a/model-optimizer/extensions/middle/TensorIteratorOutput_test.py +++ b/model-optimizer/extensions/middle/TensorIteratorOutput_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/TensorIterator_utils.py b/model-optimizer/extensions/middle/TensorIterator_utils.py index d89d9b730c1..d594b6a8bc1 100644 --- a/model-optimizer/extensions/middle/TensorIterator_utils.py +++ b/model-optimizer/extensions/middle/TensorIterator_utils.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/UpsampleToResample.py b/model-optimizer/extensions/middle/UpsampleToResample.py index 7b8ae97c516..176a187c370 100644 --- a/model-optimizer/extensions/middle/UpsampleToResample.py +++ b/model-optimizer/extensions/middle/UpsampleToResample.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/UselessMerge.py b/model-optimizer/extensions/middle/UselessMerge.py index 7846c49cf38..10b0ce679f1 100644 --- a/model-optimizer/extensions/middle/UselessMerge.py +++ b/model-optimizer/extensions/middle/UselessMerge.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/UselessSplitEraser.py b/model-optimizer/extensions/middle/UselessSplitEraser.py index a84cc75c32e..792ef57fdcf 100644 --- a/model-optimizer/extensions/middle/UselessSplitEraser.py +++ b/model-optimizer/extensions/middle/UselessSplitEraser.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/pass_separator.py b/model-optimizer/extensions/middle/pass_separator.py index 89e0a57ef2f..035c581841e 100644 --- a/model-optimizer/extensions/middle/pass_separator.py +++ b/model-optimizer/extensions/middle/pass_separator.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/permute_tensor_iterator.py b/model-optimizer/extensions/middle/permute_tensor_iterator.py index 00df4034de6..e23f913239c 100644 --- a/model-optimizer/extensions/middle/permute_tensor_iterator.py +++ b/model-optimizer/extensions/middle/permute_tensor_iterator.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/preprocessing.py b/model-optimizer/extensions/middle/preprocessing.py index 97c787dcd6e..c46fd0dea10 100644 --- a/model-optimizer/extensions/middle/preprocessing.py +++ b/model-optimizer/extensions/middle/preprocessing.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/quantize_fuses.py b/model-optimizer/extensions/middle/quantize_fuses.py index 26f887662fe..2e1bdf90e92 100644 --- a/model-optimizer/extensions/middle/quantize_fuses.py +++ b/model-optimizer/extensions/middle/quantize_fuses.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/quantize_fuses_test.py b/model-optimizer/extensions/middle/quantize_fuses_test.py index d32af2d69d7..a4ae73deb6a 100644 --- a/model-optimizer/extensions/middle/quantize_fuses_test.py +++ b/model-optimizer/extensions/middle/quantize_fuses_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/reverse_tensor_iterator.py b/model-optimizer/extensions/middle/reverse_tensor_iterator.py index 643dd6bae46..34bb37a1622 100644 --- a/model-optimizer/extensions/middle/reverse_tensor_iterator.py +++ b/model-optimizer/extensions/middle/reverse_tensor_iterator.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/sparse_reshape.py b/model-optimizer/extensions/middle/sparse_reshape.py index 5db8b162dcd..d3773a0a9b5 100644 --- a/model-optimizer/extensions/middle/sparse_reshape.py +++ b/model-optimizer/extensions/middle/sparse_reshape.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/sparse_reshape_test.py b/model-optimizer/extensions/middle/sparse_reshape_test.py index d99c202a52a..5528bf76635 100644 --- a/model-optimizer/extensions/middle/sparse_reshape_test.py +++ b/model-optimizer/extensions/middle/sparse_reshape_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/middle/split_tdnn_memoryoffset.py b/model-optimizer/extensions/middle/split_tdnn_memoryoffset.py index 73e52395514..8e897e0f53f 100644 --- a/model-optimizer/extensions/middle/split_tdnn_memoryoffset.py +++ b/model-optimizer/extensions/middle/split_tdnn_memoryoffset.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/BatchNormInference.py b/model-optimizer/extensions/ops/BatchNormInference.py index 307a2ed9af3..0c132254d36 100644 --- a/model-optimizer/extensions/ops/BatchNormInference.py +++ b/model-optimizer/extensions/ops/BatchNormInference.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/BlockLSTM.py b/model-optimizer/extensions/ops/BlockLSTM.py index de670dec48b..32a97fb5604 100644 --- a/model-optimizer/extensions/ops/BlockLSTM.py +++ b/model-optimizer/extensions/ops/BlockLSTM.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/Cast.py b/model-optimizer/extensions/ops/Cast.py index 046249567a0..5d0898ca384 100644 --- a/model-optimizer/extensions/ops/Cast.py +++ b/model-optimizer/extensions/ops/Cast.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/Enter.py b/model-optimizer/extensions/ops/Enter.py index 8c9330580ea..b41cfb941af 100644 --- a/model-optimizer/extensions/ops/Enter.py +++ b/model-optimizer/extensions/ops/Enter.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/Exit.py b/model-optimizer/extensions/ops/Exit.py index ba64e892648..bc9e5c56c9e 100644 --- a/model-optimizer/extensions/ops/Exit.py +++ b/model-optimizer/extensions/ops/Exit.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/ExtractImagePatches.py b/model-optimizer/extensions/ops/ExtractImagePatches.py index 69cd3254df8..4d46b8313c6 100644 --- a/model-optimizer/extensions/ops/ExtractImagePatches.py +++ b/model-optimizer/extensions/ops/ExtractImagePatches.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/ExtractImagePatches_test.py b/model-optimizer/extensions/ops/ExtractImagePatches_test.py index 2d23c16e369..484f627e986 100644 --- a/model-optimizer/extensions/ops/ExtractImagePatches_test.py +++ b/model-optimizer/extensions/ops/ExtractImagePatches_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/GRU.py b/model-optimizer/extensions/ops/GRU.py index e943e7d53e1..811823518b3 100644 --- a/model-optimizer/extensions/ops/GRU.py +++ b/model-optimizer/extensions/ops/GRU.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/GatherTree.py b/model-optimizer/extensions/ops/GatherTree.py index 4dc40de7a01..4a57de8dc4c 100644 --- a/model-optimizer/extensions/ops/GatherTree.py +++ b/model-optimizer/extensions/ops/GatherTree.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/LSTM.py b/model-optimizer/extensions/ops/LSTM.py index a435da8069c..7ab4008513a 100644 --- a/model-optimizer/extensions/ops/LSTM.py +++ b/model-optimizer/extensions/ops/LSTM.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/LookupTableInsert.py b/model-optimizer/extensions/ops/LookupTableInsert.py index a225003a7b1..1cd7c9b157b 100644 --- a/model-optimizer/extensions/ops/LookupTableInsert.py +++ b/model-optimizer/extensions/ops/LookupTableInsert.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/LookupTableInsert_test.py b/model-optimizer/extensions/ops/LookupTableInsert_test.py index bf822e3b974..71159d529e8 100644 --- a/model-optimizer/extensions/ops/LookupTableInsert_test.py +++ b/model-optimizer/extensions/ops/LookupTableInsert_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/MatMul_test.py b/model-optimizer/extensions/ops/MatMul_test.py index 7b4625921c6..040e2f93557 100644 --- a/model-optimizer/extensions/ops/MatMul_test.py +++ b/model-optimizer/extensions/ops/MatMul_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/MatMul_value_propagation_test.py b/model-optimizer/extensions/ops/MatMul_value_propagation_test.py index 9d5a267ddde..67c8e1f5e3d 100644 --- a/model-optimizer/extensions/ops/MatMul_value_propagation_test.py +++ b/model-optimizer/extensions/ops/MatMul_value_propagation_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/NextIteration.py b/model-optimizer/extensions/ops/NextIteration.py index 35b28e3ad45..714dbc4e868 100644 --- a/model-optimizer/extensions/ops/NextIteration.py +++ b/model-optimizer/extensions/ops/NextIteration.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/ONNXResize10.py b/model-optimizer/extensions/ops/ONNXResize10.py index 51d506adc27..269679282ad 100644 --- a/model-optimizer/extensions/ops/ONNXResize10.py +++ b/model-optimizer/extensions/ops/ONNXResize10.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/ONNXResize11.py b/model-optimizer/extensions/ops/ONNXResize11.py index 7445b61c27e..292968a5f41 100644 --- a/model-optimizer/extensions/ops/ONNXResize11.py +++ b/model-optimizer/extensions/ops/ONNXResize11.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/ONNXResize11_test.py b/model-optimizer/extensions/ops/ONNXResize11_test.py index a06e467445d..5e2b4ffb64f 100644 --- a/model-optimizer/extensions/ops/ONNXResize11_test.py +++ b/model-optimizer/extensions/ops/ONNXResize11_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/RNN.py b/model-optimizer/extensions/ops/RNN.py index 23a54bcfcc0..5f2e7e57827 100644 --- a/model-optimizer/extensions/ops/RNN.py +++ b/model-optimizer/extensions/ops/RNN.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/RNNCell.py b/model-optimizer/extensions/ops/RNNCell.py index 52ec6e77a95..b92daf95ac9 100644 --- a/model-optimizer/extensions/ops/RNNCell.py +++ b/model-optimizer/extensions/ops/RNNCell.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/ReduceOps_test.py b/model-optimizer/extensions/ops/ReduceOps_test.py index 2d0fffcc507..732b0336728 100644 --- a/model-optimizer/extensions/ops/ReduceOps_test.py +++ b/model-optimizer/extensions/ops/ReduceOps_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/Reverse.py b/model-optimizer/extensions/ops/Reverse.py index 3743b7f06a9..87e4ec9a412 100644 --- a/model-optimizer/extensions/ops/Reverse.py +++ b/model-optimizer/extensions/ops/Reverse.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/Reverse_test.py b/model-optimizer/extensions/ops/Reverse_test.py index b91473e92e4..b9607237f15 100644 --- a/model-optimizer/extensions/ops/Reverse_test.py +++ b/model-optimizer/extensions/ops/Reverse_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/TFResize.py b/model-optimizer/extensions/ops/TFResize.py index 4fcb6fa67ef..8b9aaba6a41 100644 --- a/model-optimizer/extensions/ops/TFResize.py +++ b/model-optimizer/extensions/ops/TFResize.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/TensorArray.py b/model-optimizer/extensions/ops/TensorArray.py index fcb6e2975cf..85bcd5ec49f 100644 --- a/model-optimizer/extensions/ops/TensorArray.py +++ b/model-optimizer/extensions/ops/TensorArray.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/TensorArrayGather.py b/model-optimizer/extensions/ops/TensorArrayGather.py index 82a0362008a..49abe0ef321 100644 --- a/model-optimizer/extensions/ops/TensorArrayGather.py +++ b/model-optimizer/extensions/ops/TensorArrayGather.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/TensorArrayRead.py b/model-optimizer/extensions/ops/TensorArrayRead.py index 0fd4782f486..4c6b18004c5 100644 --- a/model-optimizer/extensions/ops/TensorArrayRead.py +++ b/model-optimizer/extensions/ops/TensorArrayRead.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/TensorArrayScatter.py b/model-optimizer/extensions/ops/TensorArrayScatter.py index 6575f2736d7..b390f2f0163 100644 --- a/model-optimizer/extensions/ops/TensorArrayScatter.py +++ b/model-optimizer/extensions/ops/TensorArrayScatter.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/TensorArraySize.py b/model-optimizer/extensions/ops/TensorArraySize.py index 114def202a4..dc89f6dd264 100644 --- a/model-optimizer/extensions/ops/TensorArraySize.py +++ b/model-optimizer/extensions/ops/TensorArraySize.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/TensorArrayWrite.py b/model-optimizer/extensions/ops/TensorArrayWrite.py index 6c8171cf154..fb5d1828799 100644 --- a/model-optimizer/extensions/ops/TensorArrayWrite.py +++ b/model-optimizer/extensions/ops/TensorArrayWrite.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/TensorIterator_ops.py b/model-optimizer/extensions/ops/TensorIterator_ops.py index fc2564b4e60..b564cd4c516 100644 --- a/model-optimizer/extensions/ops/TensorIterator_ops.py +++ b/model-optimizer/extensions/ops/TensorIterator_ops.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/accum.py b/model-optimizer/extensions/ops/accum.py index d52833928cc..5d813735ade 100644 --- a/model-optimizer/extensions/ops/accum.py +++ b/model-optimizer/extensions/ops/accum.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/accum_test.py b/model-optimizer/extensions/ops/accum_test.py index 8bd96a9614c..c8c06474234 100644 --- a/model-optimizer/extensions/ops/accum_test.py +++ b/model-optimizer/extensions/ops/accum_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/activation_ops.py b/model-optimizer/extensions/ops/activation_ops.py index c6fb84b56a6..3865526533d 100644 --- a/model-optimizer/extensions/ops/activation_ops.py +++ b/model-optimizer/extensions/ops/activation_ops.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/activation_test.py b/model-optimizer/extensions/ops/activation_test.py index 17270d74179..8b57c69b4a2 100644 --- a/model-optimizer/extensions/ops/activation_test.py +++ b/model-optimizer/extensions/ops/activation_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/argmax.py b/model-optimizer/extensions/ops/argmax.py index 366f130327c..323a6a29c04 100644 --- a/model-optimizer/extensions/ops/argmax.py +++ b/model-optimizer/extensions/ops/argmax.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/ops/argmax_test.py b/model-optimizer/extensions/ops/argmax_test.py index 8f688ae24e3..39d23252d1d 100644 --- a/model-optimizer/extensions/ops/argmax_test.py +++ b/model-optimizer/extensions/ops/argmax_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/assert_op.py b/model-optimizer/extensions/ops/assert_op.py index 3f626cf3d9f..9310e8987b8 100644 --- a/model-optimizer/extensions/ops/assert_op.py +++ b/model-optimizer/extensions/ops/assert_op.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/assert_test.py b/model-optimizer/extensions/ops/assert_test.py index 1666250661c..bfccc1d6bd7 100644 --- a/model-optimizer/extensions/ops/assert_test.py +++ b/model-optimizer/extensions/ops/assert_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/axpy.py b/model-optimizer/extensions/ops/axpy.py index c2438765448..c04cb8d74a6 100644 --- a/model-optimizer/extensions/ops/axpy.py +++ b/model-optimizer/extensions/ops/axpy.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/binarization.py b/model-optimizer/extensions/ops/binarization.py index c30226f233c..195d11d3934 100644 --- a/model-optimizer/extensions/ops/binarization.py +++ b/model-optimizer/extensions/ops/binarization.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/box_nms.py b/model-optimizer/extensions/ops/box_nms.py index affcccc8ba9..ad973fb060b 100644 --- a/model-optimizer/extensions/ops/box_nms.py +++ b/model-optimizer/extensions/ops/box_nms.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/bucketize_test.py b/model-optimizer/extensions/ops/bucketize_test.py index 6dab647a3fe..c9c4a30eb87 100644 --- a/model-optimizer/extensions/ops/bucketize_test.py +++ b/model-optimizer/extensions/ops/bucketize_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/constant_fill.py b/model-optimizer/extensions/ops/constant_fill.py index 46cabbf914d..b1d9294445e 100644 --- a/model-optimizer/extensions/ops/constant_fill.py +++ b/model-optimizer/extensions/ops/constant_fill.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/ops/copyop.py b/model-optimizer/extensions/ops/copyop.py index dbd0977a4d0..a3a7d4d9e52 100644 --- a/model-optimizer/extensions/ops/copyop.py +++ b/model-optimizer/extensions/ops/copyop.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/correlation.py b/model-optimizer/extensions/ops/correlation.py index b0396435f0f..04e949768e6 100644 --- a/model-optimizer/extensions/ops/correlation.py +++ b/model-optimizer/extensions/ops/correlation.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/ops/correlation_test.py b/model-optimizer/extensions/ops/correlation_test.py index e9072095e45..a1f97de57a8 100644 --- a/model-optimizer/extensions/ops/correlation_test.py +++ b/model-optimizer/extensions/ops/correlation_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/ctc_loss_test.py b/model-optimizer/extensions/ops/ctc_loss_test.py index 7d53804dfa3..33cb054492d 100644 --- a/model-optimizer/extensions/ops/ctc_loss_test.py +++ b/model-optimizer/extensions/ops/ctc_loss_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/cumsum_test.py b/model-optimizer/extensions/ops/cumsum_test.py index e6756551a42..1ac0f89da3b 100644 --- a/model-optimizer/extensions/ops/cumsum_test.py +++ b/model-optimizer/extensions/ops/cumsum_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/data_augmentation.py b/model-optimizer/extensions/ops/data_augmentation.py index 55d9074438e..ef6917c4d58 100644 --- a/model-optimizer/extensions/ops/data_augmentation.py +++ b/model-optimizer/extensions/ops/data_augmentation.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/ops/data_augmentation_test.py b/model-optimizer/extensions/ops/data_augmentation_test.py index 7d704d864cd..bd70f3aa321 100644 --- a/model-optimizer/extensions/ops/data_augmentation_test.py +++ b/model-optimizer/extensions/ops/data_augmentation_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/depth_to_space.py b/model-optimizer/extensions/ops/depth_to_space.py index 1978b48323f..67435d29058 100644 --- a/model-optimizer/extensions/ops/depth_to_space.py +++ b/model-optimizer/extensions/ops/depth_to_space.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/ops/depth_to_space_test.py b/model-optimizer/extensions/ops/depth_to_space_test.py index e8e558c3aba..5fd341119a3 100644 --- a/model-optimizer/extensions/ops/depth_to_space_test.py +++ b/model-optimizer/extensions/ops/depth_to_space_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/dequantize_linear.py b/model-optimizer/extensions/ops/dequantize_linear.py index 81fe2014559..2f44a0f58c7 100644 --- a/model-optimizer/extensions/ops/dequantize_linear.py +++ b/model-optimizer/extensions/ops/dequantize_linear.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/div_value_propagation_test.py b/model-optimizer/extensions/ops/div_value_propagation_test.py index 31b53d05a73..ea412e645f8 100644 --- a/model-optimizer/extensions/ops/div_value_propagation_test.py +++ b/model-optimizer/extensions/ops/div_value_propagation_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/elementwise.py b/model-optimizer/extensions/ops/elementwise.py index ee2187fe4da..598041e6386 100644 --- a/model-optimizer/extensions/ops/elementwise.py +++ b/model-optimizer/extensions/ops/elementwise.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/elementwise_test.py b/model-optimizer/extensions/ops/elementwise_test.py index 990a89c1c89..15496e9e053 100644 --- a/model-optimizer/extensions/ops/elementwise_test.py +++ b/model-optimizer/extensions/ops/elementwise_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/embedding_bag_test.py b/model-optimizer/extensions/ops/embedding_bag_test.py index beda49b9c88..673e11fe81f 100644 --- a/model-optimizer/extensions/ops/embedding_bag_test.py +++ b/model-optimizer/extensions/ops/embedding_bag_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/fake_output.py b/model-optimizer/extensions/ops/fake_output.py index ee184f9a2c9..488ec1063d8 100644 --- a/model-optimizer/extensions/ops/fake_output.py +++ b/model-optimizer/extensions/ops/fake_output.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/fakequantize.py b/model-optimizer/extensions/ops/fakequantize.py index 00d48da7a47..6796f15214f 100644 --- a/model-optimizer/extensions/ops/fakequantize.py +++ b/model-optimizer/extensions/ops/fakequantize.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/gather.py b/model-optimizer/extensions/ops/gather.py index ea5410e148a..b6e015c85ef 100644 --- a/model-optimizer/extensions/ops/gather.py +++ b/model-optimizer/extensions/ops/gather.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/ops/gather_test.py b/model-optimizer/extensions/ops/gather_test.py index ad6f231a00d..a2f23318f77 100644 --- a/model-optimizer/extensions/ops/gather_test.py +++ b/model-optimizer/extensions/ops/gather_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/gatherelements.py b/model-optimizer/extensions/ops/gatherelements.py index 116977e9e06..f75571393eb 100644 --- a/model-optimizer/extensions/ops/gatherelements.py +++ b/model-optimizer/extensions/ops/gatherelements.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/ops/gatherelements_test.py b/model-optimizer/extensions/ops/gatherelements_test.py index 51c6de0a10b..8b46b9ad6f1 100644 --- a/model-optimizer/extensions/ops/gatherelements_test.py +++ b/model-optimizer/extensions/ops/gatherelements_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/ops/gathernd.py b/model-optimizer/extensions/ops/gathernd.py index ff69ce7918d..3acc7efccf8 100644 --- a/model-optimizer/extensions/ops/gathernd.py +++ b/model-optimizer/extensions/ops/gathernd.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/gathernd_test.py b/model-optimizer/extensions/ops/gathernd_test.py index da27f4968e8..23cad15a045 100644 --- a/model-optimizer/extensions/ops/gathernd_test.py +++ b/model-optimizer/extensions/ops/gathernd_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/gelu.py b/model-optimizer/extensions/ops/gelu.py index 3a0a00ee054..14a89d021d5 100644 --- a/model-optimizer/extensions/ops/gelu.py +++ b/model-optimizer/extensions/ops/gelu.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/grn.py b/model-optimizer/extensions/ops/grn.py index afcb881238f..f83a3761a04 100644 --- a/model-optimizer/extensions/ops/grn.py +++ b/model-optimizer/extensions/ops/grn.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/grn_test.py b/model-optimizer/extensions/ops/grn_test.py index 78392a32659..e81d6f553fa 100644 --- a/model-optimizer/extensions/ops/grn_test.py +++ b/model-optimizer/extensions/ops/grn_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/hard_sigmoid.py b/model-optimizer/extensions/ops/hard_sigmoid.py index 52126dec3b5..f5cfc635816 100644 --- a/model-optimizer/extensions/ops/hard_sigmoid.py +++ b/model-optimizer/extensions/ops/hard_sigmoid.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/identity.py b/model-optimizer/extensions/ops/identity.py index 72dcfe7202a..601672eb862 100644 --- a/model-optimizer/extensions/ops/identity.py +++ b/model-optimizer/extensions/ops/identity.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/instance_normalization.py b/model-optimizer/extensions/ops/instance_normalization.py index 03b2ae827ea..2c839381d67 100644 --- a/model-optimizer/extensions/ops/instance_normalization.py +++ b/model-optimizer/extensions/ops/instance_normalization.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/instance_normalization_test.py b/model-optimizer/extensions/ops/instance_normalization_test.py index 233d5649b01..7975fde38b3 100644 --- a/model-optimizer/extensions/ops/instance_normalization_test.py +++ b/model-optimizer/extensions/ops/instance_normalization_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/interp.py b/model-optimizer/extensions/ops/interp.py index 0d97a4cbab5..21f09f26602 100644 --- a/model-optimizer/extensions/ops/interp.py +++ b/model-optimizer/extensions/ops/interp.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/ops/interpolate_test.py b/model-optimizer/extensions/ops/interpolate_test.py index 9a44c652cad..29a88924dea 100644 --- a/model-optimizer/extensions/ops/interpolate_test.py +++ b/model-optimizer/extensions/ops/interpolate_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/lstm_cell.py b/model-optimizer/extensions/ops/lstm_cell.py index bdd8c05e6c5..cdbcf0f149f 100644 --- a/model-optimizer/extensions/ops/lstm_cell.py +++ b/model-optimizer/extensions/ops/lstm_cell.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/ops/lstm_sequence.py b/model-optimizer/extensions/ops/lstm_sequence.py index a50dcd26583..7878cbcde37 100644 --- a/model-optimizer/extensions/ops/lstm_sequence.py +++ b/model-optimizer/extensions/ops/lstm_sequence.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/ops/merge.py b/model-optimizer/extensions/ops/merge.py index 118976931fe..609c6509567 100644 --- a/model-optimizer/extensions/ops/merge.py +++ b/model-optimizer/extensions/ops/merge.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/merge_test.py b/model-optimizer/extensions/ops/merge_test.py index 9def594d74a..9d797edf2fa 100644 --- a/model-optimizer/extensions/ops/merge_test.py +++ b/model-optimizer/extensions/ops/merge_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/mxrepeat.py b/model-optimizer/extensions/ops/mxrepeat.py index 1a60ed5d5a1..29839cef35a 100644 --- a/model-optimizer/extensions/ops/mxrepeat.py +++ b/model-optimizer/extensions/ops/mxrepeat.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/non_max_suppression_test.py b/model-optimizer/extensions/ops/non_max_suppression_test.py index b41aef0aeb3..66142d4086e 100644 --- a/model-optimizer/extensions/ops/non_max_suppression_test.py +++ b/model-optimizer/extensions/ops/non_max_suppression_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/non_zero.py b/model-optimizer/extensions/ops/non_zero.py index 151e8961c34..8d1031b3e9e 100644 --- a/model-optimizer/extensions/ops/non_zero.py +++ b/model-optimizer/extensions/ops/non_zero.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/normalize.py b/model-optimizer/extensions/ops/normalize.py index 7dd8ea82acc..8d829cd5172 100644 --- a/model-optimizer/extensions/ops/normalize.py +++ b/model-optimizer/extensions/ops/normalize.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/normalize_test.py b/model-optimizer/extensions/ops/normalize_test.py index 87d9fb8360b..77e433b3fdf 100644 --- a/model-optimizer/extensions/ops/normalize_test.py +++ b/model-optimizer/extensions/ops/normalize_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/one_hot.py b/model-optimizer/extensions/ops/one_hot.py index e22c21549ee..4a8eca3ff37 100644 --- a/model-optimizer/extensions/ops/one_hot.py +++ b/model-optimizer/extensions/ops/one_hot.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/one_hot_test.py b/model-optimizer/extensions/ops/one_hot_test.py index 7c491318dbd..424a099013e 100644 --- a/model-optimizer/extensions/ops/one_hot_test.py +++ b/model-optimizer/extensions/ops/one_hot_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/pack.py b/model-optimizer/extensions/ops/pack.py index 9bad21e454c..eea3d5b0024 100644 --- a/model-optimizer/extensions/ops/pack.py +++ b/model-optimizer/extensions/ops/pack.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/ops/parameter.py b/model-optimizer/extensions/ops/parameter.py index 24a4321570a..edb6764ccf1 100644 --- a/model-optimizer/extensions/ops/parameter.py +++ b/model-optimizer/extensions/ops/parameter.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/pnorm.py b/model-optimizer/extensions/ops/pnorm.py index 9e923300f5f..6e612658050 100644 --- a/model-optimizer/extensions/ops/pnorm.py +++ b/model-optimizer/extensions/ops/pnorm.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/power_file.py b/model-optimizer/extensions/ops/power_file.py index 32b20120504..10a8b0fb5bd 100644 --- a/model-optimizer/extensions/ops/power_file.py +++ b/model-optimizer/extensions/ops/power_file.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/prediction_heatmap.py b/model-optimizer/extensions/ops/prediction_heatmap.py index 94eabb42d1e..359c9af7915 100644 --- a/model-optimizer/extensions/ops/prediction_heatmap.py +++ b/model-optimizer/extensions/ops/prediction_heatmap.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/prelu.py b/model-optimizer/extensions/ops/prelu.py index 76bd58d0010..d90e2bdb304 100644 --- a/model-optimizer/extensions/ops/prelu.py +++ b/model-optimizer/extensions/ops/prelu.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/priorbox_clustered_test.py b/model-optimizer/extensions/ops/priorbox_clustered_test.py index 91297350d23..de7a73112f1 100644 --- a/model-optimizer/extensions/ops/priorbox_clustered_test.py +++ b/model-optimizer/extensions/ops/priorbox_clustered_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/priorbox_test.py b/model-optimizer/extensions/ops/priorbox_test.py index 2572fd804a3..cef333004a3 100644 --- a/model-optimizer/extensions/ops/priorbox_test.py +++ b/model-optimizer/extensions/ops/priorbox_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/proposal_onnx.py b/model-optimizer/extensions/ops/proposal_onnx.py index 3265d218782..4b20a95ef70 100644 --- a/model-optimizer/extensions/ops/proposal_onnx.py +++ b/model-optimizer/extensions/ops/proposal_onnx.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/proposal_python_example.py b/model-optimizer/extensions/ops/proposal_python_example.py index 6d1ee647d75..6e039c58280 100644 --- a/model-optimizer/extensions/ops/proposal_python_example.py +++ b/model-optimizer/extensions/ops/proposal_python_example.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/proposal_test.py b/model-optimizer/extensions/ops/proposal_test.py index f65012e23bf..bde3b610abf 100644 --- a/model-optimizer/extensions/ops/proposal_test.py +++ b/model-optimizer/extensions/ops/proposal_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/psroipooling_test.py b/model-optimizer/extensions/ops/psroipooling_test.py index 3f95b88bc60..6386bf37477 100644 --- a/model-optimizer/extensions/ops/psroipooling_test.py +++ b/model-optimizer/extensions/ops/psroipooling_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/quantize_linear.py b/model-optimizer/extensions/ops/quantize_linear.py index ae5717579cf..8e392244fb8 100644 --- a/model-optimizer/extensions/ops/quantize_linear.py +++ b/model-optimizer/extensions/ops/quantize_linear.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/quantize_test.py b/model-optimizer/extensions/ops/quantize_test.py index 2348415dc0f..d2a2c88cb87 100644 --- a/model-optimizer/extensions/ops/quantize_test.py +++ b/model-optimizer/extensions/ops/quantize_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/range.py b/model-optimizer/extensions/ops/range.py index 4af6ea982bc..47ed304d837 100644 --- a/model-optimizer/extensions/ops/range.py +++ b/model-optimizer/extensions/ops/range.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/rank.py b/model-optimizer/extensions/ops/rank.py index c295758601b..6e707ad3c2a 100644 --- a/model-optimizer/extensions/ops/rank.py +++ b/model-optimizer/extensions/ops/rank.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/regionyolo_test.py b/model-optimizer/extensions/ops/regionyolo_test.py index 53a286ce72b..f9039453334 100644 --- a/model-optimizer/extensions/ops/regionyolo_test.py +++ b/model-optimizer/extensions/ops/regionyolo_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/reorgyolo.py b/model-optimizer/extensions/ops/reorgyolo.py index 366554508c4..980aa578d30 100644 --- a/model-optimizer/extensions/ops/reorgyolo.py +++ b/model-optimizer/extensions/ops/reorgyolo.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/reorgyolo_test.py b/model-optimizer/extensions/ops/reorgyolo_test.py index 46b1a22c1e3..10a8691a185 100644 --- a/model-optimizer/extensions/ops/reorgyolo_test.py +++ b/model-optimizer/extensions/ops/reorgyolo_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/resize.py b/model-optimizer/extensions/ops/resize.py index 7ae426de779..a202fe87c60 100644 --- a/model-optimizer/extensions/ops/resize.py +++ b/model-optimizer/extensions/ops/resize.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/resize_factor_utils.py b/model-optimizer/extensions/ops/resize_factor_utils.py index 7b167661d18..ea76cd93ad4 100644 --- a/model-optimizer/extensions/ops/resize_factor_utils.py +++ b/model-optimizer/extensions/ops/resize_factor_utils.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/reverse_sequence.py b/model-optimizer/extensions/ops/reverse_sequence.py index b8892929f4d..c246fd60c3b 100644 --- a/model-optimizer/extensions/ops/reverse_sequence.py +++ b/model-optimizer/extensions/ops/reverse_sequence.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/extensions/ops/roialign.py b/model-optimizer/extensions/ops/roialign.py index 4d9ea71620c..a3b31892286 100644 --- a/model-optimizer/extensions/ops/roialign.py +++ b/model-optimizer/extensions/ops/roialign.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/scatter.py b/model-optimizer/extensions/ops/scatter.py index a800ac9fb4f..0bdad041709 100644 --- a/model-optimizer/extensions/ops/scatter.py +++ b/model-optimizer/extensions/ops/scatter.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/scatternd.py b/model-optimizer/extensions/ops/scatternd.py index 83d910fe965..b9b01802ad5 100644 --- a/model-optimizer/extensions/ops/scatternd.py +++ b/model-optimizer/extensions/ops/scatternd.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/scatternd_test.py b/model-optimizer/extensions/ops/scatternd_test.py index 3a4ec042573..1789ac00620 100644 --- a/model-optimizer/extensions/ops/scatternd_test.py +++ b/model-optimizer/extensions/ops/scatternd_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/select.py b/model-optimizer/extensions/ops/select.py index fd298e10a8e..f9856bfa325 100644 --- a/model-optimizer/extensions/ops/select.py +++ b/model-optimizer/extensions/ops/select.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/select_test.py b/model-optimizer/extensions/ops/select_test.py index 2f504b79d4e..e9b04cf9679 100644 --- a/model-optimizer/extensions/ops/select_test.py +++ b/model-optimizer/extensions/ops/select_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/shufflechannel.py b/model-optimizer/extensions/ops/shufflechannel.py index 4faf5c71849..2f89db17610 100644 --- a/model-optimizer/extensions/ops/shufflechannel.py +++ b/model-optimizer/extensions/ops/shufflechannel.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/simplernms.py b/model-optimizer/extensions/ops/simplernms.py index 4400ce5e07c..960bf6169ea 100644 --- a/model-optimizer/extensions/ops/simplernms.py +++ b/model-optimizer/extensions/ops/simplernms.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/simplernms_test.py b/model-optimizer/extensions/ops/simplernms_test.py index f96191777dc..bcbe195bee2 100644 --- a/model-optimizer/extensions/ops/simplernms_test.py +++ b/model-optimizer/extensions/ops/simplernms_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/size.py b/model-optimizer/extensions/ops/size.py index 282af22d5df..82aa0c71e98 100644 --- a/model-optimizer/extensions/ops/size.py +++ b/model-optimizer/extensions/ops/size.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/slice_like.py b/model-optimizer/extensions/ops/slice_like.py index 7d6ae78b5fc..14ec79ed641 100644 --- a/model-optimizer/extensions/ops/slice_like.py +++ b/model-optimizer/extensions/ops/slice_like.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/slice_like_test.py b/model-optimizer/extensions/ops/slice_like_test.py index 156fa377117..69688507407 100644 --- a/model-optimizer/extensions/ops/slice_like_test.py +++ b/model-optimizer/extensions/ops/slice_like_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/space_to_depth.py b/model-optimizer/extensions/ops/space_to_depth.py index abffb296745..0f2b990e0fd 100644 --- a/model-optimizer/extensions/ops/space_to_depth.py +++ b/model-optimizer/extensions/ops/space_to_depth.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/space_to_depth_test.py b/model-optimizer/extensions/ops/space_to_depth_test.py index 61f3a21fc2c..ae5359960ac 100644 --- a/model-optimizer/extensions/ops/space_to_depth_test.py +++ b/model-optimizer/extensions/ops/space_to_depth_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/sparse_fill_empty_rows.py b/model-optimizer/extensions/ops/sparse_fill_empty_rows.py index 012fa40bb59..7d18ea00724 100644 --- a/model-optimizer/extensions/ops/sparse_fill_empty_rows.py +++ b/model-optimizer/extensions/ops/sparse_fill_empty_rows.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 39b7996431d..99a3f2e972b 100644 --- a/model-optimizer/extensions/ops/sparse_fill_empty_rows_test.py +++ b/model-optimizer/extensions/ops/sparse_fill_empty_rows_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/sparse_reshape.py b/model-optimizer/extensions/ops/sparse_reshape.py index 53c77532d0f..ce1b8546ae0 100644 --- a/model-optimizer/extensions/ops/sparse_reshape.py +++ b/model-optimizer/extensions/ops/sparse_reshape.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/sparse_reshape_test.py b/model-optimizer/extensions/ops/sparse_reshape_test.py index f2595bdf171..09d5aee5ad5 100644 --- a/model-optimizer/extensions/ops/sparse_reshape_test.py +++ b/model-optimizer/extensions/ops/sparse_reshape_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/sparse_segment_mean.py b/model-optimizer/extensions/ops/sparse_segment_mean.py index 80e2c8d969c..68bfe48596f 100644 --- a/model-optimizer/extensions/ops/sparse_segment_mean.py +++ b/model-optimizer/extensions/ops/sparse_segment_mean.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/sparse_segment_mean_test.py b/model-optimizer/extensions/ops/sparse_segment_mean_test.py index c3066457a16..b61893b6de2 100644 --- a/model-optimizer/extensions/ops/sparse_segment_mean_test.py +++ b/model-optimizer/extensions/ops/sparse_segment_mean_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/sparse_segment_sqrtn.py b/model-optimizer/extensions/ops/sparse_segment_sqrtn.py index a9934851e3c..fab73acf40a 100644 --- a/model-optimizer/extensions/ops/sparse_segment_sqrtn.py +++ b/model-optimizer/extensions/ops/sparse_segment_sqrtn.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/sparse_segment_sqrtn_test.py b/model-optimizer/extensions/ops/sparse_segment_sqrtn_test.py index 3cf2f266aac..a8f8428f102 100644 --- a/model-optimizer/extensions/ops/sparse_segment_sqrtn_test.py +++ b/model-optimizer/extensions/ops/sparse_segment_sqrtn_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/sparse_segment_sum.py b/model-optimizer/extensions/ops/sparse_segment_sum.py index 4cbf3291350..6d808e21e9a 100644 --- a/model-optimizer/extensions/ops/sparse_segment_sum.py +++ b/model-optimizer/extensions/ops/sparse_segment_sum.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/sparse_segment_sum_test.py b/model-optimizer/extensions/ops/sparse_segment_sum_test.py index a739a99136f..c46668fc69e 100644 --- a/model-optimizer/extensions/ops/sparse_segment_sum_test.py +++ b/model-optimizer/extensions/ops/sparse_segment_sum_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/spatial_transformer.py b/model-optimizer/extensions/ops/spatial_transformer.py index 62f3ffeb280..4f3aaee6d82 100644 --- a/model-optimizer/extensions/ops/spatial_transformer.py +++ b/model-optimizer/extensions/ops/spatial_transformer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/spatial_transformer_test.py b/model-optimizer/extensions/ops/spatial_transformer_test.py index 2c69e240326..56c5170e3a8 100644 --- a/model-optimizer/extensions/ops/spatial_transformer_test.py +++ b/model-optimizer/extensions/ops/spatial_transformer_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/splice.py b/model-optimizer/extensions/ops/splice.py index 8935c7cf432..d25679c684d 100644 --- a/model-optimizer/extensions/ops/splice.py +++ b/model-optimizer/extensions/ops/splice.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/split.py b/model-optimizer/extensions/ops/split.py index dc618499479..b363dc106c8 100644 --- a/model-optimizer/extensions/ops/split.py +++ b/model-optimizer/extensions/ops/split.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/split_test.py b/model-optimizer/extensions/ops/split_test.py index 02ffc9e0529..df17a545693 100644 --- a/model-optimizer/extensions/ops/split_test.py +++ b/model-optimizer/extensions/ops/split_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/stop_gradient.py b/model-optimizer/extensions/ops/stop_gradient.py index 51378870135..42202c4eb45 100644 --- a/model-optimizer/extensions/ops/stop_gradient.py +++ b/model-optimizer/extensions/ops/stop_gradient.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/swapaxis.py b/model-optimizer/extensions/ops/swapaxis.py index 49b76173b07..0744d2f8356 100644 --- a/model-optimizer/extensions/ops/swapaxis.py +++ b/model-optimizer/extensions/ops/swapaxis.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/switch.py b/model-optimizer/extensions/ops/switch.py index 34622c0dcff..8b6c52f68fc 100644 --- a/model-optimizer/extensions/ops/switch.py +++ b/model-optimizer/extensions/ops/switch.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/switch_test.py b/model-optimizer/extensions/ops/switch_test.py index 27d3660324b..b2369a3b399 100644 --- a/model-optimizer/extensions/ops/switch_test.py +++ b/model-optimizer/extensions/ops/switch_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/topk.py b/model-optimizer/extensions/ops/topk.py index dd39d2b6b73..3da4cc392bf 100644 --- a/model-optimizer/extensions/ops/topk.py +++ b/model-optimizer/extensions/ops/topk.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/topk_test.py b/model-optimizer/extensions/ops/topk_test.py index bd3e2bdd8e4..029fa9f861a 100644 --- a/model-optimizer/extensions/ops/topk_test.py +++ b/model-optimizer/extensions/ops/topk_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/topkrois_onnx.py b/model-optimizer/extensions/ops/topkrois_onnx.py index 126585efb94..d1935706fcf 100644 --- a/model-optimizer/extensions/ops/topkrois_onnx.py +++ b/model-optimizer/extensions/ops/topkrois_onnx.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/transpose.py b/model-optimizer/extensions/ops/transpose.py index 6cfe3a49b97..83e388258ce 100644 --- a/model-optimizer/extensions/ops/transpose.py +++ b/model-optimizer/extensions/ops/transpose.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/transpose_test.py b/model-optimizer/extensions/ops/transpose_test.py index 94eebb05915..367dbb1651b 100644 --- a/model-optimizer/extensions/ops/transpose_test.py +++ b/model-optimizer/extensions/ops/transpose_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/unique.py b/model-optimizer/extensions/ops/unique.py index 5047dca4688..6d2ec0c66a3 100644 --- a/model-optimizer/extensions/ops/unique.py +++ b/model-optimizer/extensions/ops/unique.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/unique_test.py b/model-optimizer/extensions/ops/unique_test.py index 65da100488b..7200355003f 100644 --- a/model-optimizer/extensions/ops/unique_test.py +++ b/model-optimizer/extensions/ops/unique_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/upsample.py b/model-optimizer/extensions/ops/upsample.py index dc2253ec28a..c1f44e959e2 100644 --- a/model-optimizer/extensions/ops/upsample.py +++ b/model-optimizer/extensions/ops/upsample.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/extensions/ops/upsample_test.py b/model-optimizer/extensions/ops/upsample_test.py index 0f29ffb2209..f5fb33a99d9 100644 --- a/model-optimizer/extensions/ops/upsample_test.py +++ b/model-optimizer/extensions/ops/upsample_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo.py b/model-optimizer/mo.py index cee7365cedd..feb5ec7e6af 100755 --- a/model-optimizer/mo.py +++ b/model-optimizer/mo.py @@ -1,7 +1,7 @@ #!/usr/bin/env python3 """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 352a56229fd..21c612f70c6 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/back/replacement.py b/model-optimizer/mo/back/replacement.py index a8065bca338..0fed8e3bb8c 100644 --- a/model-optimizer/mo/back/replacement.py +++ b/model-optimizer/mo/back/replacement.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/bom_test.py b/model-optimizer/mo/bom_test.py index b71271ab415..121c8458be9 100644 --- a/model-optimizer/mo/bom_test.py +++ b/model-optimizer/mo/bom_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/caffe/collect_attributes.py b/model-optimizer/mo/front/caffe/collect_attributes.py index 2af8dd7afb8..a4d21483fdc 100644 --- a/model-optimizer/mo/front/caffe/collect_attributes.py +++ b/model-optimizer/mo/front/caffe/collect_attributes.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/caffe/custom_layers_mapping.py b/model-optimizer/mo/front/caffe/custom_layers_mapping.py index 4cb3c46b713..3c0d59f1771 100644 --- a/model-optimizer/mo/front/caffe/custom_layers_mapping.py +++ b/model-optimizer/mo/front/caffe/custom_layers_mapping.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 20253d213bc..006cf9faec8 100644 --- a/model-optimizer/mo/front/caffe/custom_layers_mapping_test.py +++ b/model-optimizer/mo/front/caffe/custom_layers_mapping_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/caffe/extractor_test.py b/model-optimizer/mo/front/caffe/extractor_test.py index 612a99f8485..c4960ab10af 100644 --- a/model-optimizer/mo/front/caffe/extractor_test.py +++ b/model-optimizer/mo/front/caffe/extractor_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/caffe/extractors/native_caffe.py b/model-optimizer/mo/front/caffe/extractors/native_caffe.py index 44b8c5457f5..2d5e41f56a4 100644 --- a/model-optimizer/mo/front/caffe/extractors/native_caffe.py +++ b/model-optimizer/mo/front/caffe/extractors/native_caffe.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/caffe/extractors/tile.py b/model-optimizer/mo/front/caffe/extractors/tile.py index bbd1d7d19b3..9f0189e169c 100644 --- a/model-optimizer/mo/front/caffe/extractors/tile.py +++ b/model-optimizer/mo/front/caffe/extractors/tile.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/caffe/extractors/utils.py b/model-optimizer/mo/front/caffe/extractors/utils.py index e13e2acdd1c..7d965b3ea3e 100644 --- a/model-optimizer/mo/front/caffe/extractors/utils.py +++ b/model-optimizer/mo/front/caffe/extractors/utils.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/caffe/extractors/utils_test.py b/model-optimizer/mo/front/caffe/extractors/utils_test.py index b998add5e28..aa6a3573eb7 100644 --- a/model-optimizer/mo/front/caffe/extractors/utils_test.py +++ b/model-optimizer/mo/front/caffe/extractors/utils_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/caffe/loader_test.py b/model-optimizer/mo/front/caffe/loader_test.py index a6189ce6d12..60e80584720 100644 --- a/model-optimizer/mo/front/caffe/loader_test.py +++ b/model-optimizer/mo/front/caffe/loader_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 60e92bc8ea0..1b4d28f7b7a 100644 --- a/model-optimizer/mo/front/caffe/proto/generate_caffe_pb2.py +++ b/model-optimizer/mo/front/caffe/proto/generate_caffe_pb2.py @@ -1,6 +1,6 @@ # !/usr/bin/env python """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/caffe/python_layer_extractor.py b/model-optimizer/mo/front/caffe/python_layer_extractor.py index 34e654271dd..3465ac99373 100644 --- a/model-optimizer/mo/front/caffe/python_layer_extractor.py +++ b/model-optimizer/mo/front/caffe/python_layer_extractor.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 beb80d082df..fb9510179e5 100644 --- a/model-optimizer/mo/front/caffe/python_layer_extractor_test.py +++ b/model-optimizer/mo/front/caffe/python_layer_extractor_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/caffe/register_custom_ops.py b/model-optimizer/mo/front/caffe/register_custom_ops.py index 95af950de2c..e261e8d6033 100644 --- a/model-optimizer/mo/front/caffe/register_custom_ops.py +++ b/model-optimizer/mo/front/caffe/register_custom_ops.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/mo/front/common/custom_replacement_registry.py b/model-optimizer/mo/front/common/custom_replacement_registry.py index ec63ba46d7a..a41d97976c7 100644 --- a/model-optimizer/mo/front/common/custom_replacement_registry.py +++ b/model-optimizer/mo/front/common/custom_replacement_registry.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/mo/front/common/extractors/utils.py b/model-optimizer/mo/front/common/extractors/utils.py index 39d2385c606..488f6a0fb6b 100644 --- a/model-optimizer/mo/front/common/extractors/utils.py +++ b/model-optimizer/mo/front/common/extractors/utils.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/common/find_unsupported_ops.py b/model-optimizer/mo/front/common/find_unsupported_ops.py index 79dbeead517..b8fb5c7c494 100644 --- a/model-optimizer/mo/front/common/find_unsupported_ops.py +++ b/model-optimizer/mo/front/common/find_unsupported_ops.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/common/layout.py b/model-optimizer/mo/front/common/layout.py index d40437c87cd..27aa37adeb2 100644 --- a/model-optimizer/mo/front/common/layout.py +++ b/model-optimizer/mo/front/common/layout.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/common/layout_test.py b/model-optimizer/mo/front/common/layout_test.py index 7fc5a9b7047..175b268ebd0 100644 --- a/model-optimizer/mo/front/common/layout_test.py +++ b/model-optimizer/mo/front/common/layout_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 6b4e6522a3d..12c24eec7a4 100644 --- a/model-optimizer/mo/front/common/partial_infer/batch_norm.py +++ b/model-optimizer/mo/front/common/partial_infer/batch_norm.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 6eb896e3036..7e5857cbd34 100644 --- a/model-optimizer/mo/front/common/partial_infer/caffe_fallback.py +++ b/model-optimizer/mo/front/common/partial_infer/caffe_fallback.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 49630f4a627..57d54f85985 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/common/partial_infer/concat.py b/model-optimizer/mo/front/common/partial_infer/concat.py index e68b39a01ce..bf6e08d9daa 100644 --- a/model-optimizer/mo/front/common/partial_infer/concat.py +++ b/model-optimizer/mo/front/common/partial_infer/concat.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 bf35eb6bfcc..c816972f8a0 100644 --- a/model-optimizer/mo/front/common/partial_infer/concat_test.py +++ b/model-optimizer/mo/front/common/partial_infer/concat_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/common/partial_infer/crop.py b/model-optimizer/mo/front/common/partial_infer/crop.py index e9d8c76ea33..7cb98b4aa03 100644 --- a/model-optimizer/mo/front/common/partial_infer/crop.py +++ b/model-optimizer/mo/front/common/partial_infer/crop.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 ca2359b3476..f17ec41cb7d 100644 --- a/model-optimizer/mo/front/common/partial_infer/crop_test.py +++ b/model-optimizer/mo/front/common/partial_infer/crop_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/common/partial_infer/elemental.py b/model-optimizer/mo/front/common/partial_infer/elemental.py index 0a050adc4d0..c331f35940b 100644 --- a/model-optimizer/mo/front/common/partial_infer/elemental.py +++ b/model-optimizer/mo/front/common/partial_infer/elemental.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 bad69df322d..0d24d0d00fa 100644 --- a/model-optimizer/mo/front/common/partial_infer/elemental_test.py +++ b/model-optimizer/mo/front/common/partial_infer/elemental_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/common/partial_infer/eltwise.py b/model-optimizer/mo/front/common/partial_infer/eltwise.py index f0f26e33e5f..a714f1fe40e 100644 --- a/model-optimizer/mo/front/common/partial_infer/eltwise.py +++ b/model-optimizer/mo/front/common/partial_infer/eltwise.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 8685f0cc27a..ad22a3a6edc 100644 --- a/model-optimizer/mo/front/common/partial_infer/eltwise_test.py +++ b/model-optimizer/mo/front/common/partial_infer/eltwise_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 fb86a348c33..a1f212b3542 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 5b4df655733..526d755cf5e 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 cd0abd8ac4c..5642bb06fa5 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 14b1db41e0e..ab2d00e90fa 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 781bfffaa6f..7e6aaab8d19 100644 --- a/model-optimizer/mo/front/common/partial_infer/random_uniform.py +++ b/model-optimizer/mo/front/common/partial_infer/random_uniform.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/common/partial_infer/reshape.py b/model-optimizer/mo/front/common/partial_infer/reshape.py index 08bcf2a7b1e..fd52dd7c9c4 100644 --- a/model-optimizer/mo/front/common/partial_infer/reshape.py +++ b/model-optimizer/mo/front/common/partial_infer/reshape.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/common/partial_infer/roipooling.py b/model-optimizer/mo/front/common/partial_infer/roipooling.py index 162cb894c59..3fee2f820ab 100644 --- a/model-optimizer/mo/front/common/partial_infer/roipooling.py +++ b/model-optimizer/mo/front/common/partial_infer/roipooling.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 02ff5949bf1..c446904ad10 100644 --- a/model-optimizer/mo/front/common/partial_infer/roipooling_test.py +++ b/model-optimizer/mo/front/common/partial_infer/roipooling_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/common/register_custom_ops.py b/model-optimizer/mo/front/common/register_custom_ops.py index 333ec0c9e82..ec3b35d5647 100644 --- a/model-optimizer/mo/front/common/register_custom_ops.py +++ b/model-optimizer/mo/front/common/register_custom_ops.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/mo/front/common/replacement.py b/model-optimizer/mo/front/common/replacement.py index d7f31904f32..d1c1aea2b94 100644 --- a/model-optimizer/mo/front/common/replacement.py +++ b/model-optimizer/mo/front/common/replacement.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/mo/front/common/weights.py b/model-optimizer/mo/front/common/weights.py index 86681abce30..6f3562462e5 100644 --- a/model-optimizer/mo/front/common/weights.py +++ b/model-optimizer/mo/front/common/weights.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/kaldi/extractor.py b/model-optimizer/mo/front/kaldi/extractor.py index 32d2e962fef..e8822e757ac 100644 --- a/model-optimizer/mo/front/kaldi/extractor.py +++ b/model-optimizer/mo/front/kaldi/extractor.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/kaldi/extractors/add_ext.py b/model-optimizer/mo/front/kaldi/extractors/add_ext.py index c9ab6245789..9ce86423f4a 100644 --- a/model-optimizer/mo/front/kaldi/extractors/add_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/add_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 85c14de1e7a..c0ebec4bb1c 100644 --- a/model-optimizer/mo/front/kaldi/extractors/add_shift_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/add_shift_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 ec3eeec1fee..4f6529b775c 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 c9e3198e3e9..479c89f88a2 100644 --- a/model-optimizer/mo/front/kaldi/extractors/affine_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/affine_component_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 3f6a98272fd..292323927b6 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 4d76be28587..2a550de64fa 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 21032def033..2d58fb79b08 100644 --- a/model-optimizer/mo/front/kaldi/extractors/affine_transform_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/affine_transform_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 305bfbd3ff1..71bfbb91767 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/kaldi/extractors/backproptruncation_ext.py b/model-optimizer/mo/front/kaldi/extractors/backproptruncation_ext.py index 099465d4888..a63859d8460 100644 --- a/model-optimizer/mo/front/kaldi/extractors/backproptruncation_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/backproptruncation_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 09e447a0377..f6dd7d664d8 100644 --- a/model-optimizer/mo/front/kaldi/extractors/batchnorm_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/batchnorm_component_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 852d2a32453..cf99c9458ba 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 48abe92e090..7182d8cd682 100644 --- a/model-optimizer/mo/front/kaldi/extractors/bias_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/bias_component_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 3a6d9c3c2c8..8a94acef43c 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/kaldi/extractors/clip_ext.py b/model-optimizer/mo/front/kaldi/extractors/clip_ext.py index 5d07dc663f4..c80e7b6f4e3 100644 --- a/model-optimizer/mo/front/kaldi/extractors/clip_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/clip_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 37fd22a0ceb..9761002db96 100644 --- a/model-optimizer/mo/front/kaldi/extractors/common_ext_test.py +++ b/model-optimizer/mo/front/kaldi/extractors/common_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/kaldi/extractors/concat_ext.py b/model-optimizer/mo/front/kaldi/extractors/concat_ext.py index 4a72de87ad9..dc31572b53e 100644 --- a/model-optimizer/mo/front/kaldi/extractors/concat_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/concat_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 c28c8f048e6..950e85b14ab 100644 --- a/model-optimizer/mo/front/kaldi/extractors/concat_ext_test.py +++ b/model-optimizer/mo/front/kaldi/extractors/concat_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/kaldi/extractors/const_ext.py b/model-optimizer/mo/front/kaldi/extractors/const_ext.py index 39a0e7b1398..336d96e244b 100644 --- a/model-optimizer/mo/front/kaldi/extractors/const_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/const_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 3c1dc4e06ee..cac5ecb8381 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 00364fdfe5a..6abc20b94bc 100644 --- a/model-optimizer/mo/front/kaldi/extractors/convolutional_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/convolutional_component_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 251710f5974..a348ef456c4 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/kaldi/extractors/copy_ext.py b/model-optimizer/mo/front/kaldi/extractors/copy_ext.py index 9acde3a6a0c..78bfedda0ab 100644 --- a/model-optimizer/mo/front/kaldi/extractors/copy_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/copy_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/kaldi/extractors/crop_ext.py b/model-optimizer/mo/front/kaldi/extractors/crop_ext.py index 3465079ea8a..44701805cbf 100644 --- a/model-optimizer/mo/front/kaldi/extractors/crop_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/crop_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 f7fd97d1bbd..929d1e40dce 100644 --- a/model-optimizer/mo/front/kaldi/extractors/elementwise_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/elementwise_component_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 88fd1925664..1ac421753a6 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 634f931a055..310a58fe3bb 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/kaldi/extractors/generaldropout_ext.py b/model-optimizer/mo/front/kaldi/extractors/generaldropout_ext.py index 1e4ed01343e..1b7003a4911 100644 --- a/model-optimizer/mo/front/kaldi/extractors/generaldropout_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/generaldropout_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 6453655b5fd..ba7b2110364 100644 --- a/model-optimizer/mo/front/kaldi/extractors/linear_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/linear_component_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 2552c4bfaa5..10cd920ce56 100644 --- a/model-optimizer/mo/front/kaldi/extractors/lstm_nonlinearity_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/lstm_nonlinearity_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 e44c477a50d..af5a0a3ff54 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 ab153064be4..e8846639444 100644 --- a/model-optimizer/mo/front/kaldi/extractors/max_pooling_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/max_pooling_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 d4e0ba79af9..8715cd7b90a 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/kaldi/extractors/memoryoffset_ext.py b/model-optimizer/mo/front/kaldi/extractors/memoryoffset_ext.py index 9c6e3d06686..21c0bf0436f 100644 --- a/model-optimizer/mo/front/kaldi/extractors/memoryoffset_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/memoryoffset_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 584c9c45020..302446216b8 100644 --- a/model-optimizer/mo/front/kaldi/extractors/memoryoffset_ext_test.py +++ b/model-optimizer/mo/front/kaldi/extractors/memoryoffset_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/kaldi/extractors/mul_ext.py b/model-optimizer/mo/front/kaldi/extractors/mul_ext.py index d8047d44035..42b24a41dbf 100644 --- a/model-optimizer/mo/front/kaldi/extractors/mul_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/mul_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 c2de80de882..a5e6b4f8aa8 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/kaldi/extractors/noop_ext.py b/model-optimizer/mo/front/kaldi/extractors/noop_ext.py index 26258f58f95..c1719372003 100644 --- a/model-optimizer/mo/front/kaldi/extractors/noop_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/noop_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 f7250ab8869..16c424a667f 100644 --- a/model-optimizer/mo/front/kaldi/extractors/normalize_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/normalize_component_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 d6041410774..214382bc65d 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 068befe9b9b..bd774045501 100644 --- a/model-optimizer/mo/front/kaldi/extractors/pnorm_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/pnorm_component_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 6456808ab88..92d2be83a19 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 53becac5063..bd48c9833ce 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/kaldi/extractors/rescale_ext.py b/model-optimizer/mo/front/kaldi/extractors/rescale_ext.py index 9e08ec5259b..1e06cfc4630 100644 --- a/model-optimizer/mo/front/kaldi/extractors/rescale_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/rescale_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 54602c50a40..bdb470a7783 100644 --- a/model-optimizer/mo/front/kaldi/extractors/rescale_ext_test.py +++ b/model-optimizer/mo/front/kaldi/extractors/rescale_ext_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 7e12fe7d362..4b17ada19a8 100644 --- a/model-optimizer/mo/front/kaldi/extractors/scale_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/scale_component_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 f1ad98a9446..34354aecaf3 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/kaldi/extractors/softmax_ext.py b/model-optimizer/mo/front/kaldi/extractors/softmax_ext.py index 9bccbec7ba8..398d9df66d1 100644 --- a/model-optimizer/mo/front/kaldi/extractors/softmax_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/softmax_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 9210f9a548d..8f4c6a08712 100644 --- a/model-optimizer/mo/front/kaldi/extractors/specaugment_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/specaugment_component_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 11bed8e8819..5202bdd1557 100644 --- a/model-optimizer/mo/front/kaldi/extractors/splice_component_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/splice_component_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/kaldi/extractors/tdnncomponent_ext.py b/model-optimizer/mo/front/kaldi/extractors/tdnncomponent_ext.py index 441eac01312..5e7ca13bcb9 100644 --- a/model-optimizer/mo/front/kaldi/extractors/tdnncomponent_ext.py +++ b/model-optimizer/mo/front/kaldi/extractors/tdnncomponent_ext.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/kaldi/loader/loader_test.py b/model-optimizer/mo/front/kaldi/loader/loader_test.py index ff49c9c4d34..cbd29f8f6df 100644 --- a/model-optimizer/mo/front/kaldi/loader/loader_test.py +++ b/model-optimizer/mo/front/kaldi/loader/loader_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/kaldi/loader/utils_test.py b/model-optimizer/mo/front/kaldi/loader/utils_test.py index 9cc6d519a5a..2b71dc82f53 100644 --- a/model-optimizer/mo/front/kaldi/loader/utils_test.py +++ b/model-optimizer/mo/front/kaldi/loader/utils_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/kaldi/register_custom_ops.py b/model-optimizer/mo/front/kaldi/register_custom_ops.py index 436044f8de6..f2619ef8834 100644 --- a/model-optimizer/mo/front/kaldi/register_custom_ops.py +++ b/model-optimizer/mo/front/kaldi/register_custom_ops.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/kaldi/utils.py b/model-optimizer/mo/front/kaldi/utils.py index 63c4a5f6090..7d209619ae9 100644 --- a/model-optimizer/mo/front/kaldi/utils.py +++ b/model-optimizer/mo/front/kaldi/utils.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/mxnet/extractor.py b/model-optimizer/mo/front/mxnet/extractor.py index 4b8d5bc50cb..44d976c6c32 100644 --- a/model-optimizer/mo/front/mxnet/extractor.py +++ b/model-optimizer/mo/front/mxnet/extractor.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/mxnet/extractors/add_n.py b/model-optimizer/mo/front/mxnet/extractors/add_n.py index b6f7fae1599..65e31c7da6b 100644 --- a/model-optimizer/mo/front/mxnet/extractors/add_n.py +++ b/model-optimizer/mo/front/mxnet/extractors/add_n.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/mxnet/extractors/batchnorm.py b/model-optimizer/mo/front/mxnet/extractors/batchnorm.py index 12516ca6e49..5ed9fa56397 100644 --- a/model-optimizer/mo/front/mxnet/extractors/batchnorm.py +++ b/model-optimizer/mo/front/mxnet/extractors/batchnorm.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/mxnet/extractors/concat.py b/model-optimizer/mo/front/mxnet/extractors/concat.py index 6bfb8b27903..38ef2f4b590 100644 --- a/model-optimizer/mo/front/mxnet/extractors/concat.py +++ b/model-optimizer/mo/front/mxnet/extractors/concat.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/mxnet/extractors/l2_normalization.py b/model-optimizer/mo/front/mxnet/extractors/l2_normalization.py index 8fe6a399312..cb228f7d11b 100644 --- a/model-optimizer/mo/front/mxnet/extractors/l2_normalization.py +++ b/model-optimizer/mo/front/mxnet/extractors/l2_normalization.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/mxnet/extractors/multibox_prior.py b/model-optimizer/mo/front/mxnet/extractors/multibox_prior.py index af96c0b89db..0da8af5451d 100644 --- a/model-optimizer/mo/front/mxnet/extractors/multibox_prior.py +++ b/model-optimizer/mo/front/mxnet/extractors/multibox_prior.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 0fb560dc0f2..c9f61559a3b 100644 --- a/model-optimizer/mo/front/mxnet/extractors/multibox_prior_test.py +++ b/model-optimizer/mo/front/mxnet/extractors/multibox_prior_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/mxnet/extractors/relu.py b/model-optimizer/mo/front/mxnet/extractors/relu.py index 724fdeb8a7b..aa1a232bbd1 100644 --- a/model-optimizer/mo/front/mxnet/extractors/relu.py +++ b/model-optimizer/mo/front/mxnet/extractors/relu.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/mo/front/mxnet/extractors/relu_test.py b/model-optimizer/mo/front/mxnet/extractors/relu_test.py index 752acd0da19..3bed8154277 100644 --- a/model-optimizer/mo/front/mxnet/extractors/relu_test.py +++ b/model-optimizer/mo/front/mxnet/extractors/relu_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/mxnet/extractors/scaleshift.py b/model-optimizer/mo/front/mxnet/extractors/scaleshift.py index 773a43ef26a..5bf4989a764 100644 --- a/model-optimizer/mo/front/mxnet/extractors/scaleshift.py +++ b/model-optimizer/mo/front/mxnet/extractors/scaleshift.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/mxnet/extractors/utils_test.py b/model-optimizer/mo/front/mxnet/extractors/utils_test.py index 9ae3a559b3a..64d6ac2ccb5 100644 --- a/model-optimizer/mo/front/mxnet/extractors/utils_test.py +++ b/model-optimizer/mo/front/mxnet/extractors/utils_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/mxnet/loader.py b/model-optimizer/mo/front/mxnet/loader.py index e47d97440b6..c03e8666759 100644 --- a/model-optimizer/mo/front/mxnet/loader.py +++ b/model-optimizer/mo/front/mxnet/loader.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/mxnet/loader_test.py b/model-optimizer/mo/front/mxnet/loader_test.py index b9b73e18179..e5643f52624 100644 --- a/model-optimizer/mo/front/mxnet/loader_test.py +++ b/model-optimizer/mo/front/mxnet/loader_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/mxnet/nd_to_params.py b/model-optimizer/mo/front/mxnet/nd_to_params.py index a76809ca0cf..622076c3a8e 100644 --- a/model-optimizer/mo/front/mxnet/nd_to_params.py +++ b/model-optimizer/mo/front/mxnet/nd_to_params.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/mo/front/mxnet/register_custom_ops.py b/model-optimizer/mo/front/mxnet/register_custom_ops.py index 766dbd7e4cf..61dc0b964f5 100644 --- a/model-optimizer/mo/front/mxnet/register_custom_ops.py +++ b/model-optimizer/mo/front/mxnet/register_custom_ops.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/mo/front/onnx/extractor.py b/model-optimizer/mo/front/onnx/extractor.py index 48abd3e0e12..d840ee84b4b 100644 --- a/model-optimizer/mo/front/onnx/extractor.py +++ b/model-optimizer/mo/front/onnx/extractor.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/onnx/extractors/utils.py b/model-optimizer/mo/front/onnx/extractors/utils.py index 662c3d0555f..0c005668ef3 100644 --- a/model-optimizer/mo/front/onnx/extractors/utils.py +++ b/model-optimizer/mo/front/onnx/extractors/utils.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/onnx/register_custom_ops.py b/model-optimizer/mo/front/onnx/register_custom_ops.py index f9b158e188d..066fedb46b8 100644 --- a/model-optimizer/mo/front/onnx/register_custom_ops.py +++ b/model-optimizer/mo/front/onnx/register_custom_ops.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/mo/front/subgraph_matcher.py b/model-optimizer/mo/front/subgraph_matcher.py index f3b4369a5e9..188e6cacd1f 100644 --- a/model-optimizer/mo/front/subgraph_matcher.py +++ b/model-optimizer/mo/front/subgraph_matcher.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/mo/front/tf/common.py b/model-optimizer/mo/front/tf/common.py index 938d56ba0c6..8ba39bfa8b3 100644 --- a/model-optimizer/mo/front/tf/common.py +++ b/model-optimizer/mo/front/tf/common.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/tf/custom_subgraph_call.py b/model-optimizer/mo/front/tf/custom_subgraph_call.py index e58766ab5b5..152a4016191 100644 --- a/model-optimizer/mo/front/tf/custom_subgraph_call.py +++ b/model-optimizer/mo/front/tf/custom_subgraph_call.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/tf/extractors/concat.py b/model-optimizer/mo/front/tf/extractors/concat.py index 16d50d21bc1..a91d050e309 100644 --- a/model-optimizer/mo/front/tf/extractors/concat.py +++ b/model-optimizer/mo/front/tf/extractors/concat.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/tf/extractors/concat_test.py b/model-optimizer/mo/front/tf/extractors/concat_test.py index 6ae0b974337..a7192b4ebb4 100644 --- a/model-optimizer/mo/front/tf/extractors/concat_test.py +++ b/model-optimizer/mo/front/tf/extractors/concat_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/tf/extractors/fused_bn.py b/model-optimizer/mo/front/tf/extractors/fused_bn.py index f2205eb0a12..d0dec1ff8af 100644 --- a/model-optimizer/mo/front/tf/extractors/fused_bn.py +++ b/model-optimizer/mo/front/tf/extractors/fused_bn.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/tf/extractors/identity.py b/model-optimizer/mo/front/tf/extractors/identity.py index c8c68d06a15..2c5142deb9f 100644 --- a/model-optimizer/mo/front/tf/extractors/identity.py +++ b/model-optimizer/mo/front/tf/extractors/identity.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/tf/extractors/identity_test.py b/model-optimizer/mo/front/tf/extractors/identity_test.py index ddab33857ad..68e7628cf9f 100644 --- a/model-optimizer/mo/front/tf/extractors/identity_test.py +++ b/model-optimizer/mo/front/tf/extractors/identity_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/tf/extractors/native_tf.py b/model-optimizer/mo/front/tf/extractors/native_tf.py index e21d418f9dd..b3bb23f3bc6 100644 --- a/model-optimizer/mo/front/tf/extractors/native_tf.py +++ b/model-optimizer/mo/front/tf/extractors/native_tf.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/tf/extractors/pack.py b/model-optimizer/mo/front/tf/extractors/pack.py index 8480bd8464d..aae3993342d 100644 --- a/model-optimizer/mo/front/tf/extractors/pack.py +++ b/model-optimizer/mo/front/tf/extractors/pack.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/tf/extractors/random_uniform.py b/model-optimizer/mo/front/tf/extractors/random_uniform.py index 586ee3bd013..7a724cd2eb7 100644 --- a/model-optimizer/mo/front/tf/extractors/random_uniform.py +++ b/model-optimizer/mo/front/tf/extractors/random_uniform.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/tf/extractors/utils.py b/model-optimizer/mo/front/tf/extractors/utils.py index 1b74a71ccb4..7d24e7d041a 100644 --- a/model-optimizer/mo/front/tf/extractors/utils.py +++ b/model-optimizer/mo/front/tf/extractors/utils.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/tf/extractors/utils_test.py b/model-optimizer/mo/front/tf/extractors/utils_test.py index 15306206866..c043eb7d8af 100644 --- a/model-optimizer/mo/front/tf/extractors/utils_test.py +++ b/model-optimizer/mo/front/tf/extractors/utils_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/tf/graph_utils.py b/model-optimizer/mo/front/tf/graph_utils.py index 885d82d4c2f..862ab4ef1c5 100644 --- a/model-optimizer/mo/front/tf/graph_utils.py +++ b/model-optimizer/mo/front/tf/graph_utils.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/tf/loader_test.py b/model-optimizer/mo/front/tf/loader_test.py index 1b926166f36..4c4c4af5502 100644 --- a/model-optimizer/mo/front/tf/loader_test.py +++ b/model-optimizer/mo/front/tf/loader_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/tf/partial_infer/tf.py b/model-optimizer/mo/front/tf/partial_infer/tf.py index 6bf5eade059..bac6c007f30 100644 --- a/model-optimizer/mo/front/tf/partial_infer/tf.py +++ b/model-optimizer/mo/front/tf/partial_infer/tf.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/front/tf/register_custom_ops.py b/model-optimizer/mo/front/tf/register_custom_ops.py index f9b158e188d..066fedb46b8 100644 --- a/model-optimizer/mo/front/tf/register_custom_ops.py +++ b/model-optimizer/mo/front/tf/register_custom_ops.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/mo/front/tf/replacement.py b/model-optimizer/mo/front/tf/replacement.py index 3fb1638661b..0597675eb6a 100644 --- a/model-optimizer/mo/front/tf/replacement.py +++ b/model-optimizer/mo/front/tf/replacement.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2017-2020 Intel Corporation + 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. diff --git a/model-optimizer/mo/graph/graph_test.py b/model-optimizer/mo/graph/graph_test.py index 46e233deca8..9ce075fed6a 100644 --- a/model-optimizer/mo/graph/graph_test.py +++ b/model-optimizer/mo/graph/graph_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/main.py b/model-optimizer/mo/main.py index 64a73380294..177604c3e34 100644 --- a/model-optimizer/mo/main.py +++ b/model-optimizer/mo/main.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/main_test.py b/model-optimizer/mo/main_test.py index c7fbe4a615a..a9e2c750dc3 100644 --- a/model-optimizer/mo/main_test.py +++ b/model-optimizer/mo/main_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/middle/passes/conv.py b/model-optimizer/mo/middle/passes/conv.py index 9955e7a8ea1..52ce07b00cb 100644 --- a/model-optimizer/mo/middle/passes/conv.py +++ b/model-optimizer/mo/middle/passes/conv.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/middle/passes/convert_data_type.py b/model-optimizer/mo/middle/passes/convert_data_type.py index 231be0bca84..2649a773508 100644 --- a/model-optimizer/mo/middle/passes/convert_data_type.py +++ b/model-optimizer/mo/middle/passes/convert_data_type.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 c53cb964a89..fc9c7460452 100644 --- a/model-optimizer/mo/middle/passes/convert_data_type_test.py +++ b/model-optimizer/mo/middle/passes/convert_data_type_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/middle/passes/debug.py b/model-optimizer/mo/middle/passes/debug.py index 189be05cd9f..81d81a0fefa 100644 --- a/model-optimizer/mo/middle/passes/debug.py +++ b/model-optimizer/mo/middle/passes/debug.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/middle/passes/eliminate.py b/model-optimizer/mo/middle/passes/eliminate.py index 2aa689cf769..87f06f9e649 100644 --- a/model-optimizer/mo/middle/passes/eliminate.py +++ b/model-optimizer/mo/middle/passes/eliminate.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/middle/passes/eliminate_test.py b/model-optimizer/mo/middle/passes/eliminate_test.py index 3bec2184f5c..286eb3c17ec 100644 --- a/model-optimizer/mo/middle/passes/eliminate_test.py +++ b/model-optimizer/mo/middle/passes/eliminate_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/middle/passes/fusing/decomposition.py b/model-optimizer/mo/middle/passes/fusing/decomposition.py index 36ac103b9a0..c58a7890381 100644 --- a/model-optimizer/mo/middle/passes/fusing/decomposition.py +++ b/model-optimizer/mo/middle/passes/fusing/decomposition.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/middle/passes/fusing/decomposition_test.py b/model-optimizer/mo/middle/passes/fusing/decomposition_test.py index 5f32105703d..68607a91e51 100644 --- a/model-optimizer/mo/middle/passes/fusing/decomposition_test.py +++ b/model-optimizer/mo/middle/passes/fusing/decomposition_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 506435b9d0d..f7402a37477 100644 --- a/model-optimizer/mo/middle/passes/fusing/fuse_grouped_conv.py +++ b/model-optimizer/mo/middle/passes/fusing/fuse_grouped_conv.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 91c4a128bce..f46ddffc72d 100644 --- a/model-optimizer/mo/middle/passes/fusing/fuse_linear_ops.py +++ b/model-optimizer/mo/middle/passes/fusing/fuse_linear_ops.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 66c6bc41964..5795fa1ce36 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 5a7a708fb56..b7dbfcd6ec0 100644 --- a/model-optimizer/mo/middle/passes/fusing/fuse_linear_seq.py +++ b/model-optimizer/mo/middle/passes/fusing/fuse_linear_seq.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 e256553347d..8a6339bc0b8 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 67e7d701aaf..4f17c1c5d90 100644 --- a/model-optimizer/mo/middle/passes/fusing/mark_unfused_nodes.py +++ b/model-optimizer/mo/middle/passes/fusing/mark_unfused_nodes.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 46080e480d7..a5461e1508d 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/middle/passes/fusing/resnet_optimization.py b/model-optimizer/mo/middle/passes/fusing/resnet_optimization.py index abcd15b7117..0f3397d02d1 100644 --- a/model-optimizer/mo/middle/passes/fusing/resnet_optimization.py +++ b/model-optimizer/mo/middle/passes/fusing/resnet_optimization.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 50d6c836a91..e2ad6536ba6 100644 --- a/model-optimizer/mo/middle/passes/fusing/resnet_optimization_test.py +++ b/model-optimizer/mo/middle/passes/fusing/resnet_optimization_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/middle/passes/infer.py b/model-optimizer/mo/middle/passes/infer.py index af6d628e32a..2ec8abb86b6 100644 --- a/model-optimizer/mo/middle/passes/infer.py +++ b/model-optimizer/mo/middle/passes/infer.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/middle/passes/infer_test.py b/model-optimizer/mo/middle/passes/infer_test.py index a6f782eee38..172f65357c5 100644 --- a/model-optimizer/mo/middle/passes/infer_test.py +++ b/model-optimizer/mo/middle/passes/infer_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/middle/passes/tensor_names.py b/model-optimizer/mo/middle/passes/tensor_names.py index 5ec39592c94..6962f660ac4 100644 --- a/model-optimizer/mo/middle/passes/tensor_names.py +++ b/model-optimizer/mo/middle/passes/tensor_names.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/middle/pattern_match.py b/model-optimizer/mo/middle/pattern_match.py index f091551b286..5dcd0829c64 100644 --- a/model-optimizer/mo/middle/pattern_match.py +++ b/model-optimizer/mo/middle/pattern_match.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/middle/replacement.py b/model-optimizer/mo/middle/replacement.py index 5d72b1d2339..d75f658c10a 100644 --- a/model-optimizer/mo/middle/replacement.py +++ b/model-optimizer/mo/middle/replacement.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/activation.py b/model-optimizer/mo/ops/activation.py index 0dd0551cec3..ffd7cac17a1 100644 --- a/model-optimizer/mo/ops/activation.py +++ b/model-optimizer/mo/ops/activation.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/assign.py b/model-optimizer/mo/ops/assign.py index 08b07ff8d0c..9bb9f2cac33 100644 --- a/model-optimizer/mo/ops/assign.py +++ b/model-optimizer/mo/ops/assign.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/broadcast.py b/model-optimizer/mo/ops/broadcast.py index 8320cbbf1be..00f3acc1195 100644 --- a/model-optimizer/mo/ops/broadcast.py +++ b/model-optimizer/mo/ops/broadcast.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/broadcast_test.py b/model-optimizer/mo/ops/broadcast_test.py index 88e55cfaa43..9c2dcfbced8 100644 --- a/model-optimizer/mo/ops/broadcast_test.py +++ b/model-optimizer/mo/ops/broadcast_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/clamp.py b/model-optimizer/mo/ops/clamp.py index b2942bbaba4..bf47c9ce6e2 100644 --- a/model-optimizer/mo/ops/clamp.py +++ b/model-optimizer/mo/ops/clamp.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/concat.py b/model-optimizer/mo/ops/concat.py index 10269430e7e..cfd6f1bff99 100644 --- a/model-optimizer/mo/ops/concat.py +++ b/model-optimizer/mo/ops/concat.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/concat_test.py b/model-optimizer/mo/ops/concat_test.py index 119b547b3c4..b2f342bf646 100644 --- a/model-optimizer/mo/ops/concat_test.py +++ b/model-optimizer/mo/ops/concat_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/const.py b/model-optimizer/mo/ops/const.py index a39199f0cf7..2e9fecfddb6 100644 --- a/model-optimizer/mo/ops/const.py +++ b/model-optimizer/mo/ops/const.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/constant_of_shape.py b/model-optimizer/mo/ops/constant_of_shape.py index 762cdca9c20..6628de76d1b 100644 --- a/model-optimizer/mo/ops/constant_of_shape.py +++ b/model-optimizer/mo/ops/constant_of_shape.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/convolution.py b/model-optimizer/mo/ops/convolution.py index 5320f14a937..cd75f774c69 100644 --- a/model-optimizer/mo/ops/convolution.py +++ b/model-optimizer/mo/ops/convolution.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/convolution_test.py b/model-optimizer/mo/ops/convolution_test.py index a9573cbc238..ea522083214 100644 --- a/model-optimizer/mo/ops/convolution_test.py +++ b/model-optimizer/mo/ops/convolution_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/crop.py b/model-optimizer/mo/ops/crop.py index ab86286e53a..b7d3ee1cb96 100644 --- a/model-optimizer/mo/ops/crop.py +++ b/model-optimizer/mo/ops/crop.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/crop_test.py b/model-optimizer/mo/ops/crop_test.py index f1b5e06b21c..ba87bad3b99 100644 --- a/model-optimizer/mo/ops/crop_test.py +++ b/model-optimizer/mo/ops/crop_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/deconvolution.py b/model-optimizer/mo/ops/deconvolution.py index f598fd92cde..711999e8dd6 100644 --- a/model-optimizer/mo/ops/deconvolution.py +++ b/model-optimizer/mo/ops/deconvolution.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/eltwise.py b/model-optimizer/mo/ops/eltwise.py index 89fc2a667b1..3114c5f68df 100644 --- a/model-optimizer/mo/ops/eltwise.py +++ b/model-optimizer/mo/ops/eltwise.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/eltwise_n.py b/model-optimizer/mo/ops/eltwise_n.py index 5fd8c968010..519f1bf5875 100644 --- a/model-optimizer/mo/ops/eltwise_n.py +++ b/model-optimizer/mo/ops/eltwise_n.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/eltwise_ninputs_in_1.py b/model-optimizer/mo/ops/eltwise_ninputs_in_1.py index 83e606a942c..63a62e0518a 100644 --- a/model-optimizer/mo/ops/eltwise_ninputs_in_1.py +++ b/model-optimizer/mo/ops/eltwise_ninputs_in_1.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/expand_dims.py b/model-optimizer/mo/ops/expand_dims.py index c15333a0c25..f9a2c405b3d 100644 --- a/model-optimizer/mo/ops/expand_dims.py +++ b/model-optimizer/mo/ops/expand_dims.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/expand_dims_test.py b/model-optimizer/mo/ops/expand_dims_test.py index ba9d23b779d..99ad71e1e87 100644 --- a/model-optimizer/mo/ops/expand_dims_test.py +++ b/model-optimizer/mo/ops/expand_dims_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/fill.py b/model-optimizer/mo/ops/fill.py index 189f5104f5c..11fce353d6d 100644 --- a/model-optimizer/mo/ops/fill.py +++ b/model-optimizer/mo/ops/fill.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/flatten.py b/model-optimizer/mo/ops/flatten.py index e3a9f85bce7..63a42e8b4b0 100644 --- a/model-optimizer/mo/ops/flatten.py +++ b/model-optimizer/mo/ops/flatten.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/group_norm.py b/model-optimizer/mo/ops/group_norm.py index e0cbdd92fd3..1fe3dff05d0 100644 --- a/model-optimizer/mo/ops/group_norm.py +++ b/model-optimizer/mo/ops/group_norm.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/log_softmax.py b/model-optimizer/mo/ops/log_softmax.py index fe6d6e9055d..84bfeac08f7 100644 --- a/model-optimizer/mo/ops/log_softmax.py +++ b/model-optimizer/mo/ops/log_softmax.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/lrn.py b/model-optimizer/mo/ops/lrn.py index 7f319a5940e..ad630f90954 100644 --- a/model-optimizer/mo/ops/lrn.py +++ b/model-optimizer/mo/ops/lrn.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/lstmnonlinearity.py b/model-optimizer/mo/ops/lstmnonlinearity.py index 564c6072c7c..a08b135b779 100644 --- a/model-optimizer/mo/ops/lstmnonlinearity.py +++ b/model-optimizer/mo/ops/lstmnonlinearity.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/memory.py b/model-optimizer/mo/ops/memory.py index 94b6a69077e..3704c4ef1c0 100644 --- a/model-optimizer/mo/ops/memory.py +++ b/model-optimizer/mo/ops/memory.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/memoryoffset.py b/model-optimizer/mo/ops/memoryoffset.py index fe8007d9306..7adf3016b59 100644 --- a/model-optimizer/mo/ops/memoryoffset.py +++ b/model-optimizer/mo/ops/memoryoffset.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/pad.py b/model-optimizer/mo/ops/pad.py index bed51a2e2e3..daa13a83a0b 100644 --- a/model-optimizer/mo/ops/pad.py +++ b/model-optimizer/mo/ops/pad.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/pad_test.py b/model-optimizer/mo/ops/pad_test.py index 3dec704c048..2638d3d78f8 100644 --- a/model-optimizer/mo/ops/pad_test.py +++ b/model-optimizer/mo/ops/pad_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/permute.py b/model-optimizer/mo/ops/permute.py index 8d82f30cbfd..1a4f14b9707 100644 --- a/model-optimizer/mo/ops/permute.py +++ b/model-optimizer/mo/ops/permute.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/power.py b/model-optimizer/mo/ops/power.py index 2393b207e8d..98380eab8b4 100644 --- a/model-optimizer/mo/ops/power.py +++ b/model-optimizer/mo/ops/power.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/read_value.py b/model-optimizer/mo/ops/read_value.py index 6a7c2365a73..70228cae6be 100644 --- a/model-optimizer/mo/ops/read_value.py +++ b/model-optimizer/mo/ops/read_value.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/result.py b/model-optimizer/mo/ops/result.py index 32d9af09954..003f217a3c8 100644 --- a/model-optimizer/mo/ops/result.py +++ b/model-optimizer/mo/ops/result.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/scale_shift.py b/model-optimizer/mo/ops/scale_shift.py index 2c2ef870d8d..2882b1c65cb 100644 --- a/model-optimizer/mo/ops/scale_shift.py +++ b/model-optimizer/mo/ops/scale_shift.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/shape.py b/model-optimizer/mo/ops/shape.py index 741eeef4843..81036485264 100644 --- a/model-optimizer/mo/ops/shape.py +++ b/model-optimizer/mo/ops/shape.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/slice_test.py b/model-optimizer/mo/ops/slice_test.py index 759e16a1d9f..6c04f6870ef 100644 --- a/model-optimizer/mo/ops/slice_test.py +++ b/model-optimizer/mo/ops/slice_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/softmax.py b/model-optimizer/mo/ops/softmax.py index 333a38061d9..dd4befe532a 100644 --- a/model-optimizer/mo/ops/softmax.py +++ b/model-optimizer/mo/ops/softmax.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/space_to_batch.py b/model-optimizer/mo/ops/space_to_batch.py index 7e7316dbcb1..d5efb8a2357 100644 --- a/model-optimizer/mo/ops/space_to_batch.py +++ b/model-optimizer/mo/ops/space_to_batch.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/squeeze.py b/model-optimizer/mo/ops/squeeze.py index ee7597ef88f..188546b34f9 100644 --- a/model-optimizer/mo/ops/squeeze.py +++ b/model-optimizer/mo/ops/squeeze.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/squeeze_test.py b/model-optimizer/mo/ops/squeeze_test.py index 49835d14b2e..6749477e207 100644 --- a/model-optimizer/mo/ops/squeeze_test.py +++ b/model-optimizer/mo/ops/squeeze_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/tdnncomponent.py b/model-optimizer/mo/ops/tdnncomponent.py index 727b3c93d5d..35b967862cf 100644 --- a/model-optimizer/mo/ops/tdnncomponent.py +++ b/model-optimizer/mo/ops/tdnncomponent.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/tile.py b/model-optimizer/mo/ops/tile.py index e8aa123facd..77c19031387 100644 --- a/model-optimizer/mo/ops/tile.py +++ b/model-optimizer/mo/ops/tile.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/tile_test.py b/model-optimizer/mo/ops/tile_test.py index f24b38b6a50..9fbe61619c1 100644 --- a/model-optimizer/mo/ops/tile_test.py +++ b/model-optimizer/mo/ops/tile_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/unsqueeze.py b/model-optimizer/mo/ops/unsqueeze.py index 6ac1ed7e5ec..09e3f37d599 100644 --- a/model-optimizer/mo/ops/unsqueeze.py +++ b/model-optimizer/mo/ops/unsqueeze.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/ops/unsqueeze_test.py b/model-optimizer/mo/ops/unsqueeze_test.py index 3b2c7b770da..3c1019d0650 100644 --- a/model-optimizer/mo/ops/unsqueeze_test.py +++ b/model-optimizer/mo/ops/unsqueeze_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/pipeline/common.py b/model-optimizer/mo/pipeline/common.py index 51b8d8bc795..955c02c4b1a 100644 --- a/model-optimizer/mo/pipeline/common.py +++ b/model-optimizer/mo/pipeline/common.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/pipeline/common_test.py b/model-optimizer/mo/pipeline/common_test.py index e39316867c0..492f3c9f19a 100644 --- a/model-optimizer/mo/pipeline/common_test.py +++ b/model-optimizer/mo/pipeline/common_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/pipeline/unified.py b/model-optimizer/mo/pipeline/unified.py index ca06da6ffc3..4b7219f126a 100644 --- a/model-optimizer/mo/pipeline/unified.py +++ b/model-optimizer/mo/pipeline/unified.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/broadcasting.py b/model-optimizer/mo/utils/broadcasting.py index d900514f033..d9cdd9e5f5d 100644 --- a/model-optimizer/mo/utils/broadcasting.py +++ b/model-optimizer/mo/utils/broadcasting.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/broadcasting_test.py b/model-optimizer/mo/utils/broadcasting_test.py index 38fcb9bd61d..02f5a6bdaab 100644 --- a/model-optimizer/mo/utils/broadcasting_test.py +++ b/model-optimizer/mo/utils/broadcasting_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/cli_parser.py b/model-optimizer/mo/utils/cli_parser.py index d4ca43b3861..e4ae7328741 100644 --- a/model-optimizer/mo/utils/cli_parser.py +++ b/model-optimizer/mo/utils/cli_parser.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/cli_parser_test.py b/model-optimizer/mo/utils/cli_parser_test.py index 36ec7cbcd28..c994ba726cc 100644 --- a/model-optimizer/mo/utils/cli_parser_test.py +++ b/model-optimizer/mo/utils/cli_parser_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/convert.py b/model-optimizer/mo/utils/convert.py index f0ccf3e5b70..96bd9e9a9f6 100755 --- a/model-optimizer/mo/utils/convert.py +++ b/model-optimizer/mo/utils/convert.py @@ -1,6 +1,6 @@ #!/usr/bin/env python3 """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/custom_replacement_config.py b/model-optimizer/mo/utils/custom_replacement_config.py index 83ea75a3a14..0bdbaf318ca 100644 --- a/model-optimizer/mo/utils/custom_replacement_config.py +++ b/model-optimizer/mo/utils/custom_replacement_config.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/dsu.py b/model-optimizer/mo/utils/dsu.py index e4a368a6fb0..b1f423439c5 100644 --- a/model-optimizer/mo/utils/dsu.py +++ b/model-optimizer/mo/utils/dsu.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/find_inputs.py b/model-optimizer/mo/utils/find_inputs.py index 025caca3596..329435bface 100644 --- a/model-optimizer/mo/utils/find_inputs.py +++ b/model-optimizer/mo/utils/find_inputs.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/get_ov_update_message.py b/model-optimizer/mo/utils/get_ov_update_message.py index 9936d7d38bd..5e73ef61bc8 100644 --- a/model-optimizer/mo/utils/get_ov_update_message.py +++ b/model-optimizer/mo/utils/get_ov_update_message.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/graph.py b/model-optimizer/mo/utils/graph.py index d5c377eae9c..520bd1f41b7 100644 --- a/model-optimizer/mo/utils/graph.py +++ b/model-optimizer/mo/utils/graph.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/graph_test.py b/model-optimizer/mo/utils/graph_test.py index 03c99aff62c..75d2418c344 100644 --- a/model-optimizer/mo/utils/graph_test.py +++ b/model-optimizer/mo/utils/graph_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/guess_framework.py b/model-optimizer/mo/utils/guess_framework.py index 068f9c140bb..ceec6e804f1 100644 --- a/model-optimizer/mo/utils/guess_framework.py +++ b/model-optimizer/mo/utils/guess_framework.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/import_extensions.py b/model-optimizer/mo/utils/import_extensions.py index 1fe0d82e85e..02ca65924eb 100644 --- a/model-optimizer/mo/utils/import_extensions.py +++ b/model-optimizer/mo/utils/import_extensions.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/ir_engine/compare_graphs.py b/model-optimizer/mo/utils/ir_engine/compare_graphs.py index d85ff3dacf0..a5868b2148b 100644 --- a/model-optimizer/mo/utils/ir_engine/compare_graphs.py +++ b/model-optimizer/mo/utils/ir_engine/compare_graphs.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 2abbf2c1620..ea80a747fc1 100644 --- a/model-optimizer/mo/utils/ir_engine/ir_engine_test.py +++ b/model-optimizer/mo/utils/ir_engine/ir_engine_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 73f590939e0..3cf84fcb2d4 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/ExtractImagePatches_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/ExtractImagePatches_extender.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 b5ff5a148ec..997fc2ca52b 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/GRUCell_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/GRUCell_extender.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 4ce8d8d41b4..fd3636dc33f 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/LSTMCell_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/LSTMCell_extender.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 7fcb3ff2f10..416d2e5f957 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/RNNCell_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/RNNCell_extender.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 c5f64f1119e..cdccc8cd347 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,5 +1,5 @@ """ - Copyright (c) 2018-2020 Intel Corporation + Copyright (c) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 22431735995..62ccb30927b 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/bucketize_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/bucketize_extender.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 389366bb425..bad15f0f34b 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/conv_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/conv_extender.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 d7b9b44ff77..036d5c67739 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/deconvolution_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/deconvolution_extender.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 b48def2f67d..ea44276176f 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 c51338693c6..11d3af9d5ce 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/experimental_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/experimental_extender.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 785db350155..ffb910af1a1 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/fakequantize_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/fakequantize_extender.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 a83c293abb0..249e5b91ec0 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/interpolate_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/interpolate_extender.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 62c35b7aff1..47af9a466fb 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/loop_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/loop_extender.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 1c0d2405904..cf98728a4ea 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 d276cce1595..12827084ec8 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 35632b769f5..e54d0dc7cb0 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/pad_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/pad_extender.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 c7499709609..87aab57d2be 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/parameter_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/parameter_extender.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 1c6c7c99ef0..ebf931ea5eb 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/pooling_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/pooling_extender.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 c259f98b22c..2a06e94d31a 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 2bb34d25ec8..cf4092b3d54 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/priorbox_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/priorbox_extender.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 fc21669b28e..35cbeb590f1 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/range_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/range_extender.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 d4a05244f72..0af7c136855 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 a1099816fc5..38774d2b0bd 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 ef18451c817..9cbb3beeb12 100644 --- a/model-optimizer/mo/utils/ir_reader/extenders/tensoriterator_extender.py +++ b/model-optimizer/mo/utils/ir_reader/extenders/tensoriterator_extender.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. 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 cd80d0dc1a9..7d4e29add9f 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,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/ir_reader/restore_graph.py b/model-optimizer/mo/utils/ir_reader/restore_graph.py index 80ddf092ee0..1693b92d7b1 100644 --- a/model-optimizer/mo/utils/ir_reader/restore_graph.py +++ b/model-optimizer/mo/utils/ir_reader/restore_graph.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/logger.py b/model-optimizer/mo/utils/logger.py index d4510b2cb84..35d9ff16c03 100644 --- a/model-optimizer/mo/utils/logger.py +++ b/model-optimizer/mo/utils/logger.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/model_analysis.py b/model-optimizer/mo/utils/model_analysis.py index 053c3d6bcd7..ef99c8eafdd 100644 --- a/model-optimizer/mo/utils/model_analysis.py +++ b/model-optimizer/mo/utils/model_analysis.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/pipeline_config.py b/model-optimizer/mo/utils/pipeline_config.py index 536b06020b7..1606d539438 100644 --- a/model-optimizer/mo/utils/pipeline_config.py +++ b/model-optimizer/mo/utils/pipeline_config.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/pipeline_config_test.py b/model-optimizer/mo/utils/pipeline_config_test.py index 4f415d4ff82..6b63dc91d83 100644 --- a/model-optimizer/mo/utils/pipeline_config_test.py +++ b/model-optimizer/mo/utils/pipeline_config_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/replacement_pattern.py b/model-optimizer/mo/utils/replacement_pattern.py index 59948f7aad9..cf1adb5af9a 100644 --- a/model-optimizer/mo/utils/replacement_pattern.py +++ b/model-optimizer/mo/utils/replacement_pattern.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/shape.py b/model-optimizer/mo/utils/shape.py index 4329eabb6af..93a61536b8e 100644 --- a/model-optimizer/mo/utils/shape.py +++ b/model-optimizer/mo/utils/shape.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/simple_proto_parser.py b/model-optimizer/mo/utils/simple_proto_parser.py index 192d5afbdcc..a9233e86ef3 100644 --- a/model-optimizer/mo/utils/simple_proto_parser.py +++ b/model-optimizer/mo/utils/simple_proto_parser.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/simple_proto_parser_test.py b/model-optimizer/mo/utils/simple_proto_parser_test.py index 7077621baa9..b0abccde133 100644 --- a/model-optimizer/mo/utils/simple_proto_parser_test.py +++ b/model-optimizer/mo/utils/simple_proto_parser_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/str_to.py b/model-optimizer/mo/utils/str_to.py index ede09dc282d..fcc8ccb2806 100644 --- a/model-optimizer/mo/utils/str_to.py +++ b/model-optimizer/mo/utils/str_to.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/summarize_graph.py b/model-optimizer/mo/utils/summarize_graph.py index 3c041519042..e3cc3019f70 100644 --- a/model-optimizer/mo/utils/summarize_graph.py +++ b/model-optimizer/mo/utils/summarize_graph.py @@ -1,7 +1,7 @@ #!/usr/bin/env python3 """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/summarize_graph_test.py b/model-optimizer/mo/utils/summarize_graph_test.py index a28a4a43ddf..9e4b7c147a1 100644 --- a/model-optimizer/mo/utils/summarize_graph_test.py +++ b/model-optimizer/mo/utils/summarize_graph_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/tensorboard_util.py b/model-optimizer/mo/utils/tensorboard_util.py index a1cc43a6a2b..78b8ed90941 100644 --- a/model-optimizer/mo/utils/tensorboard_util.py +++ b/model-optimizer/mo/utils/tensorboard_util.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/unittest/extractors.py b/model-optimizer/mo/utils/unittest/extractors.py index 14afd44757b..67df022053b 100644 --- a/model-optimizer/mo/utils/unittest/extractors.py +++ b/model-optimizer/mo/utils/unittest/extractors.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/unsupported_ops.py b/model-optimizer/mo/utils/unsupported_ops.py index 0f2d9eaf03c..9622385331c 100644 --- a/model-optimizer/mo/utils/unsupported_ops.py +++ b/model-optimizer/mo/utils/unsupported_ops.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/utils.py b/model-optimizer/mo/utils/utils.py index 71b4c30215f..6f34bbc7522 100644 --- a/model-optimizer/mo/utils/utils.py +++ b/model-optimizer/mo/utils/utils.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/utils_test.py b/model-optimizer/mo/utils/utils_test.py index 661244b4900..dfba2e00427 100644 --- a/model-optimizer/mo/utils/utils_test.py +++ b/model-optimizer/mo/utils/utils_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/versions_checker.py b/model-optimizer/mo/utils/versions_checker.py index 627be8fe4ad..bbc031cbc1e 100644 --- a/model-optimizer/mo/utils/versions_checker.py +++ b/model-optimizer/mo/utils/versions_checker.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo/utils/versions_checker_test.py b/model-optimizer/mo/utils/versions_checker_test.py index 35346d8fba4..2e0bb6bc0db 100644 --- a/model-optimizer/mo/utils/versions_checker_test.py +++ b/model-optimizer/mo/utils/versions_checker_test.py @@ -1,5 +1,5 @@ """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo_caffe.py b/model-optimizer/mo_caffe.py index dc060b23945..38fccbe8c30 100755 --- a/model-optimizer/mo_caffe.py +++ b/model-optimizer/mo_caffe.py @@ -1,7 +1,7 @@ #!/usr/bin/env python3 """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo_kaldi.py b/model-optimizer/mo_kaldi.py index 97f024dfbd4..01352162cad 100755 --- a/model-optimizer/mo_kaldi.py +++ b/model-optimizer/mo_kaldi.py @@ -1,7 +1,7 @@ #!/usr/bin/env python3 """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo_mxnet.py b/model-optimizer/mo_mxnet.py index 416ed73f345..53f38c575ac 100755 --- a/model-optimizer/mo_mxnet.py +++ b/model-optimizer/mo_mxnet.py @@ -1,7 +1,7 @@ #!/usr/bin/env python3 """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo_onnx.py b/model-optimizer/mo_onnx.py index 1eaedf05b71..0cab1a9bafa 100755 --- a/model-optimizer/mo_onnx.py +++ b/model-optimizer/mo_onnx.py @@ -1,7 +1,7 @@ #!/usr/bin/env python3 """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/model-optimizer/mo_tf.py b/model-optimizer/mo_tf.py index 84b72ee4b31..3669706290c 100755 --- a/model-optimizer/mo_tf.py +++ b/model-optimizer/mo_tf.py @@ -1,7 +1,7 @@ #!/usr/bin/env python3 """ - Copyright (C) 2018-2020 Intel Corporation + Copyright (C) 2018-2021 Intel Corporation Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License.