Intel® Distribution of OpenVINO™ Toolkit
Community assistance about the Intel® Distribution of OpenVINO™ toolkit, OpenCV, and all aspects of computer vision-related on Intel® platforms.

Special character in PB

Nemes__Adam
Beginner
917 Views

Hi

I have to run model optimezer on a pb that classify make and model of cars.

The pb contains the class names as string.

Such as "Citroën{C4".

And I Got the following ERROR:

mo.utils.error.Error: Exception occurred during running replacer "REPLACEMENT_ID" (<class 'extensions.load.tf.loader.TFLoader'>): Unexpected exception happened during extracting attributes for node label_limit_layer_1/strided_slice.
Original exception message: 'ascii' codec can't decode byte 0xc3 in position 5: ordinal not in range(128)

Propably MO cant handle special characters.

Is it possible to edit the MO scripts to handle (maybe replace or something) such classes or is there any other way to convert the model?

Here is my full debug log:

[ 2020-06-17 10:58:01,566 ] [ DEBUG ] [ main:118 ]  Namespace(batch=None, blobs_as_inputs=True, data_type='float', disable_fusing=None, disable_gfusing=None, disable_nhwc_to_nchw=False, disable_resnet_optimization=False, disable_weights_compression=False, enable_concat_optimization=False, extensions='C:\\Program Files (x86)\\IntelSWTools\\openvino\\deployment_tools\\model_optimizer\\extensions', finegrain_fusing=None, framework='tf', freeze_placeholder_with_value=None, generate_deprecated_IR_V2=False, generate_deprecated_IR_V7=False, generate_experimental_IR_V10=True, input=None, input_checkpoint=None, input_meta_graph=None, input_model='C:\\Code\\OpenVINO\\mo\\mmr\\original.pb', input_model_is_text=False, input_shape='[1,224,224,3]', keep_quantize_ops_in_IR=True, keep_shape_ops=False, log_level='DEBUG', mean_values=(), model_name=None, move_to_preprocess=False, output=None, output_dir='C:\\Program Files (x86)\\IntelSWTools\\openvino\\deployment_tools\\model_optimizer\\.', progress=False, reverse_input_channels=False, saved_model_dir=None, saved_model_tags=None, scale=None, scale_values=(), silent=False, stream_output=False, tensorboard_logdir=None, tensorflow_custom_layer_libraries=None, tensorflow_custom_operations_config_update=None, tensorflow_object_detection_api_pipeline_config=None, tensorflow_use_custom_operations_config=None, transformations_config=None)
[ 2020-06-17 10:58:01,566 ] [ DEBUG ] [ main:119 ]  Model Optimizer started
[ 2020-06-17 10:58:01,567 ] [ DEBUG ] [ main:134 ]  Output model name would be original{.xml, .bin}
Model Optimizer arguments:
Common parameters:
        - Path to the Input Model:      C:\Code\OpenVINO\mo\mmr\original.pb
        - Path for generated IR:        C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\.
        - IR output name:       original
        - Log level:    DEBUG
        - Batch:        Not specified, inherited from the model
        - Input layers:         Not specified, inherited from the model
        - Output layers:        Not specified, inherited from the model
        - Input shapes:         [1,224,224,3]
        - Mean values:  Not specified
        - Scale values:         Not specified
        - Scale factor:         Not specified
        - Precision of IR:      FP32
        - Enable fusing:        True
        - Enable grouped convolutions fusing:   True
        - Move mean values to preprocess section:       False
        - Reverse input channels:       False
TensorFlow specific parameters:
        - Input model in text protobuf format:  False
        - Path to model dump for TensorBoard:   None
        - List of shared libraries with TensorFlow custom layers implementation:        None
        - Update the configuration file with input/output node names:   None
        - Use configuration file used to generate the model with Object Detection API:  None
        - Use the config file:  None
Model Optimizer version:        2020.2.0-60-g0bc66e26ff
2020-06-17 10:58:01.589765: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library cudart64_100.dll
[ 2020-06-17 10:58:03,530 ] [ DEBUG ] [ main:212 ]  Placeholder shapes : [  1 224 224   3]
[ INFO ]  Importing extensions from: C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo
[ INFO ]  New subclass: <class 'extensions.ops.Cast.Cast'>
[ INFO ]  Registered a new subclass with key: Cast
[ INFO ]  New subclass: <class 'mo.ops.const.Const'>
[ INFO ]  Registered a new subclass with key: Const
[ INFO ]  New subclass: <class 'extensions.ops.gather.Gather'>
[ INFO ]  Registered a new subclass with key: Gather
[ INFO ]  New subclass: <class 'extensions.ops.gather.AttributedGather'>
[ INFO ]  Registered a new subclass with key: AttributedGather
[ INFO ]  New subclass: <class 'extensions.ops.split.VariadicSplitBase'>
[ INFO ]  New subclass: <class 'extensions.ops.split.SplitBase'>
[ INFO ]  New subclass: <class 'extensions.ops.parameter.Parameter'>
[ INFO ]  Registered a new subclass with key: Parameter
[ INFO ]  New subclass: <class 'extensions.ops.tensor_iterator.TensorIterator'>
[ INFO ]  Registered a new subclass with key: TensorIterator
[ INFO ]  New subclass: <class 'extensions.ops.transpose.Transpose'>
[ INFO ]  Registered a new subclass with key: Transpose
[ INFO ]  New subclass: <class 'mo.ops.clamp.Clamp'>
[ INFO ]  Registered a new subclass with key: Clamp
[ INFO ]  New subclass: <class 'extensions.ops.activation_ops.Activation'>
[ INFO ]  New subclass: <class 'extensions.ops.activation_ops.LeakyReLU'>
[ INFO ]  Registered a new subclass with key: LeakyReLU
[ INFO ]  New subclass: <class 'mo.ops.concat.Concat'>
[ INFO ]  Registered a new subclass with key: Concat
[ INFO ]  New subclass: <class 'mo.ops.convolution.Convolution'>
[ INFO ]  Registered a new subclass with key: Convolution
[ INFO ]  New subclass: <class 'mo.ops.crop.Crop'>
[ INFO ]  Registered a new subclass with key: Crop
[ INFO ]  New subclass: <class 'mo.ops.reshape.Reshape'>
[ INFO ]  Registered a new subclass with key: Reshape
[ INFO ]  New subclass: <class 'mo.ops.softmax.Softmax'>
[ INFO ]  Registered a new subclass with key: SoftMax
[ INFO ]  New subclass: <class 'mo.ops.activation.Activation'>
[ INFO ]  Registered a new subclass with key: Activation
[ INFO ]  New subclass: <class 'mo.ops.broadcast.Broadcast'>
[ INFO ]  Registered a new subclass with key: Broadcast
[ INFO ]  New subclass: <class 'mo.ops.constant_of_shape.ConstantOfShape'>
[ INFO ]  Registered a new subclass with key: ConstantOfShape
[ INFO ]  New subclass: <class 'mo.ops.deconvolution.Deconvolution'>
[ INFO ]  Registered a new subclass with key: Deconvolution
[ INFO ]  New subclass: <class 'mo.ops.deformable_convolution.DeformableConvolution'>
[ INFO ]  Registered a new subclass with key: DeformableConvolution
[ INFO ]  New subclass: <class 'mo.ops.eltwise.Eltwise'>
[ INFO ]  Registered a new subclass with key: Eltwise
[ INFO ]  New subclass: <class 'mo.ops.eltwise_n.EltwiseN'>
[ INFO ]  Registered a new subclass with key: EltwiseN
[ INFO ]  New subclass: <class 'mo.ops.eltwise_ninputs_in_1.EltwiseNin1'>
[ INFO ]  Registered a new subclass with key: EltwiseNin1
[ INFO ]  New subclass: <class 'mo.ops.expand_dims.ExpandDims'>
[ INFO ]  Registered a new subclass with key: ExpandDims
[ INFO ]  New subclass: <class 'mo.ops.fill.Fill'>
[ INFO ]  Registered a new subclass with key: Fill
[ INFO ]  New subclass: <class 'mo.ops.flatten.Flatten'>
[ INFO ]  Registered a new subclass with key: Flatten
[ INFO ]  New subclass: <class 'mo.ops.flatten.FlattenONNX'>
[ INFO ]  Registered a new subclass with key: FlattenONNX
[ INFO ]  New subclass: <class 'mo.ops.group_norm.GroupNorm'>
[ INFO ]  Registered a new subclass with key: GroupNorm
[ INFO ]  New subclass: <class 'mo.ops.lrn.LRN'>
[ INFO ]  Registered a new subclass with key: LRN
[ INFO ]  New subclass: <class 'mo.ops.lrn.AttributedLRN'>
[ INFO ]  Registered a new subclass with key: AttributedLRN
[ INFO ]  New subclass: <class 'mo.ops.lstmnonlinearity.LstmNonLinearity'>
[ INFO ]  Registered a new subclass with key: LstmNonLinearity
[ INFO ]  New subclass: <class 'mo.ops.memory.Memory'>
[ INFO ]  Registered a new subclass with key: Memory
[ INFO ]  New subclass: <class 'mo.ops.memoryoffset.MemoryOffset'>
[ INFO ]  Registered a new subclass with key: MemoryOffset
[ INFO ]  New subclass: <class 'mo.ops.pad.Pad'>
[ INFO ]  Registered a new subclass with key: Pad
[ INFO ]  New subclass: <class 'mo.ops.pad.AttributedPad'>
[ INFO ]  Registered a new subclass with key: AttributedPad
[ INFO ]  New subclass: <class 'mo.ops.pad.TFPad'>
[ INFO ]  Registered a new subclass with key: TFPad
[ INFO ]  New subclass: <class 'mo.ops.permute.Permute'>
[ INFO ]  Registered a new subclass with key: Permute
[ INFO ]  New subclass: <class 'mo.ops.pooling.Pooling'>
[ INFO ]  Registered a new subclass with key: Pooling
[ INFO ]  New subclass: <class 'mo.ops.power.AttributedPower'>
[ INFO ]  Registered a new subclass with key: AttributedPower
[ INFO ]  New subclass: <class 'mo.ops.result.Result'>
[ INFO ]  Registered a new subclass with key: Result
[ INFO ]  New subclass: <class 'mo.ops.roipooling.ROIPooling'>
[ INFO ]  Registered a new subclass with key: ROIPooling
[ INFO ]  New subclass: <class 'mo.ops.scale_shift.ScaleShiftOp'>
[ INFO ]  Registered a new subclass with key: ScaleShift
[ INFO ]  New subclass: <class 'mo.ops.shape.Shape'>
[ INFO ]  Registered a new subclass with key: ShapeOf
[ INFO ]  New subclass: <class 'mo.ops.slice.Slice'>
[ INFO ]  Registered a new subclass with key: Slice
[ INFO ]  New subclass: <class 'mo.ops.space_to_batch.SpaceToBatch'>
[ INFO ]  Registered a new subclass with key: SpaceToBatch
[ INFO ]  New subclass: <class 'mo.ops.space_to_batch.BatchToSpace'>
[ INFO ]  Registered a new subclass with key: BatchToSpace
[ INFO ]  New subclass: <class 'mo.ops.squeeze.Squeeze'>
[ INFO ]  Registered a new subclass with key: Squeeze
[ INFO ]  New subclass: <class 'mo.ops.strided_slice.StridedSlice'>
[ INFO ]  Registered a new subclass with key: StridedSlice
[ INFO ]  New subclass: <class 'mo.ops.tile.Tile'>
[ INFO ]  Registered a new subclass with key: Tile
[ INFO ]  New subclass: <class 'mo.ops.tile.AttributedTile'>
[ INFO ]  Registered a new subclass with key: AttributedTile
[ INFO ]  New subclass: <class 'mo.ops.unsqueeze.Unsqueeze'>
[ INFO ]  Registered a new subclass with key: Unsqueeze
[ INFO ]  New subclass: <class 'mo.utils.model_analysis.AnalysisCollectorAnchor'>
[ INFO ]  New subclass: <class 'extensions.load.loader.LoadFinish'>
[ INFO ]  New subclass: <class 'mo.front.common.replacement.FrontReplacementSubgraph'>
[ INFO ]  New subclass: <class 'extensions.front.user_data_repack.UserDataRepack'>
[ INFO ]  New subclass: <class 'mo.front.tf.replacement.FrontReplacementFromConfigFileGeneral'>
[ INFO ]  New subclass: <class 'mo.front.common.replacement.FrontReplacementOp'>
[ INFO ]  Registered a new subclass with key: UnknownOp
[ INFO ]  New subclass: <class 'mo.front.tf.replacement.FrontReplacementFromConfigFileSubGraph'>
[ INFO ]  New subclass: <class 'mo.front.tf.replacement.FrontReplacementFromConfigFileOp'>
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementSubgraph'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.user_data_repack.UserDataRepack'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.tf.replacement.FrontReplacementFromConfigFileGeneral'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.tf.replacement.FrontReplacementFromConfigFileSubGraph'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.tf.replacement.FrontReplacementFromConfigFileOp'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.middle.pass_separator.PreMiddleStart'>
[ INFO ]  New subclass: <class 'extensions.middle.pass_separator.MiddleStart'>
[ INFO ]  New subclass: <class 'extensions.middle.pass_separator.MiddleFinish'>
[ INFO ]  New subclass: <class 'extensions.middle.pass_separator.PostMiddleStart'>
[ INFO ]  New subclass: <class 'extensions.middle.InsertLayoutPropagationTransposes.InsertLayoutPropagationTranspose'>
[ INFO ]  New subclass: <class 'extensions.back.RemoveUselessConvert.RemoveUselessConvert'>
[ INFO ]  New subclass: <class 'extensions.back.op_versioning.OpVersioning'>
[ INFO ]  New subclass: <class 'extensions.back.pass_separator.BackStart'>
[ INFO ]  New subclass: <class 'extensions.back.pass_separator.BackFinish'>
[ INFO ]  New subclass: <class 'extensions.back.SpecialNodesFinalization.RemoveConstOps'>
[ INFO ]  New subclass: <class 'extensions.back.SpecialNodesFinalization.CreateConstNodesReplacement'>
[ INFO ]  New subclass: <class 'extensions.back.SpecialNodesFinalization.RemoveOutputOps'>
[ INFO ]  New subclass: <class 'extensions.back.SpecialNodesFinalization.NormalizeTI'>
[ INFO ]  New subclass: <class 'mo.front.tf.extractors.strided_slice.StridedSliceFrontExtractor'>
[ INFO ]  Registered a new subclass with key: StridedSlice
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementSubgraph'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.user_data_repack.UserDataRepack'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.tf.replacement.FrontReplacementFromConfigFileGeneral'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.tf.replacement.FrontReplacementFromConfigFileSubGraph'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.tf.replacement.FrontReplacementFromConfigFileOp'> registration because it was already registered or it was disabled.
[ INFO ]  Importing extensions from: C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\extensions
[ WARNING ]  Skipped <class 'extensions.ops.Cast.Cast'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.const.Const'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.gather.Gather'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.gather.AttributedGather'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.split.VariadicSplitBase'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.split.SplitBase'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.parameter.Parameter'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.tensor_iterator.TensorIterator'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.transpose.Transpose'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.clamp.Clamp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.activation_ops.Activation'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.activation_ops.LeakyReLU'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.concat.Concat'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.convolution.Convolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.crop.Crop'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.reshape.Reshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.softmax.Softmax'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.activation.Activation'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.broadcast.Broadcast'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.constant_of_shape.ConstantOfShape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.deconvolution.Deconvolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.deformable_convolution.DeformableConvolution'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise.Eltwise'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise_n.EltwiseN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.eltwise_ninputs_in_1.EltwiseNin1'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.expand_dims.ExpandDims'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.fill.Fill'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten.Flatten'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.flatten.FlattenONNX'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.group_norm.GroupNorm'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lrn.LRN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lrn.AttributedLRN'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.lstmnonlinearity.LstmNonLinearity'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.memory.Memory'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.memoryoffset.MemoryOffset'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pad.Pad'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pad.AttributedPad'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pad.TFPad'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.permute.Permute'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.pooling.Pooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.power.AttributedPower'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.result.Result'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.roipooling.ROIPooling'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.scale_shift.ScaleShiftOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.shape.Shape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.slice.Slice'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.space_to_batch.SpaceToBatch'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.space_to_batch.BatchToSpace'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.squeeze.Squeeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.strided_slice.StridedSlice'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.tile.Tile'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.tile.AttributedTile'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.unsqueeze.Unsqueeze'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.ops.BlockLSTM.BlockLSTM'>
[ INFO ]  Registered a new subclass with key: BlockLSTM
[ INFO ]  New subclass: <class 'extensions.ops.DetectionOutput.DetectionOutput'>
[ INFO ]  Registered a new subclass with key: DetectionOutput
[ INFO ]  New subclass: <class 'extensions.ops.Enter.Enter'>
[ INFO ]  Registered a new subclass with key: Enter
[ INFO ]  New subclass: <class 'extensions.ops.Exit.Exit'>
[ INFO ]  Registered a new subclass with key: Exit
[ INFO ]  New subclass: <class 'extensions.ops.RNN.RNN'>
[ INFO ]  Registered a new subclass with key: RNN
[ INFO ]  New subclass: <class 'extensions.ops.GRU.GRU'>
[ INFO ]  Registered a new subclass with key: GRU
[ INFO ]  New subclass: <class 'extensions.ops.GRUCell.GRUCell'>
[ INFO ]  Registered a new subclass with key: GRUCell
[ INFO ]  New subclass: <class 'extensions.ops.GatherNd.GatherNd'>
[ INFO ]  Registered a new subclass with key: GatherNd
[ INFO ]  New subclass: <class 'extensions.ops.GatherTree.GatherTree'>
[ INFO ]  Registered a new subclass with key: GatherTree
[ INFO ]  New subclass: <class 'extensions.ops.LSTM.LSTM'>
[ INFO ]  Registered a new subclass with key: LSTM
[ INFO ]  New subclass: <class 'extensions.ops.Log.LogOp'>
[ INFO ]  Registered a new subclass with key: Log
[ INFO ]  New subclass: <class 'extensions.ops.MatMul.MatMul'>
[ INFO ]  Registered a new subclass with key: MatMul
[ INFO ]  New subclass: <class 'extensions.ops.MatMul.GemmONNX'>
[ INFO ]  Registered a new subclass with key: Gemm
[ INFO ]  New subclass: <class 'extensions.ops.MatMul.FullyConnected'>
[ INFO ]  Registered a new subclass with key: FullyConnected
[ INFO ]  New subclass: <class 'extensions.ops.NextIteration.NextIteration'>
[ INFO ]  Registered a new subclass with key: NextIteration
[ INFO ]  New subclass: <class 'extensions.ops.RNNCell.RNNCell'>
[ INFO ]  Registered a new subclass with key: RNNCell
[ INFO ]  New subclass: <class 'extensions.ops.ReduceOps.ReduceOp'>
[ INFO ]  New subclass: <class 'extensions.ops.Reverse.Reverse'>
[ INFO ]  Registered a new subclass with key: Reverse
[ INFO ]  New subclass: <class 'extensions.ops.TensorArray.TensorArray'>
[ INFO ]  Registered a new subclass with key: TensorArrayV3
[ INFO ]  New subclass: <class 'extensions.ops.TensorArrayGather.TensorArrayGather'>
[ INFO ]  Registered a new subclass with key: TensorArrayGatherV3
[ INFO ]  New subclass: <class 'extensions.ops.TensorArrayRead.TensorArrayReader'>
[ INFO ]  Registered a new subclass with key: TensorArrayReadV3
[ INFO ]  New subclass: <class 'extensions.ops.TensorArrayScatter.TensorArrayScatter'>
[ INFO ]  Registered a new subclass with key: TensorArrayScatterV3
[ INFO ]  New subclass: <class 'extensions.ops.TensorArraySize.TensorArraySize'>
[ INFO ]  Registered a new subclass with key: TensorArraySizeV3
[ INFO ]  New subclass: <class 'extensions.ops.TensorArrayWrite.TensorArrayWriter'>
[ INFO ]  Registered a new subclass with key: TensorArrayWriteV3
[ INFO ]  New subclass: <class 'extensions.ops.TensorIterator_ops.TensorIteratorInput'>
[ INFO ]  Registered a new subclass with key: TensorIteratorInput
[ INFO ]  New subclass: <class 'extensions.ops.TensorIterator_ops.TensorIteratorOutput'>
[ INFO ]  Registered a new subclass with key: TensorIteratorOutput
[ INFO ]  New subclass: <class 'extensions.ops.TensorIterator_ops.TensorIteratorCondition'>
[ INFO ]  Registered a new subclass with key: TensorIteratorCondition
[ INFO ]  New subclass: <class 'extensions.ops.TensorIterator_ops.TensorIteratorBackEdge'>
[ INFO ]  Registered a new subclass with key: TensorIteratorBackEdge
[ INFO ]  New subclass: <class 'extensions.ops.accum.AccumOp'>
[ INFO ]  Registered a new subclass with key: Accum
[ INFO ]  New subclass: <class 'extensions.ops.adaptive_avg_pooling.AdaptiveAvgPooling'>
[ INFO ]  Registered a new subclass with key: AdaptiveAvgPooling
[ INFO ]  New subclass: <class 'extensions.ops.argmax.ArgMaxOp'>
[ INFO ]  Registered a new subclass with key: ArgMax
[ INFO ]  New subclass: <class 'extensions.ops.assert_op.Assert'>
[ INFO ]  Registered a new subclass with key: Assert
[ INFO ]  New subclass: <class 'extensions.ops.aten.ATen'>
[ INFO ]  Registered a new subclass with key: ATen
[ INFO ]  New subclass: <class 'extensions.ops.axpy.AxpyOp'>
[ INFO ]  Registered a new subclass with key: Axpy
[ INFO ]  New subclass: <class 'extensions.ops.binarization.Binarization'>
[ INFO ]  Registered a new subclass with key: Binarization
[ INFO ]  New subclass: <class 'extensions.ops.bn.BNOp'>
[ INFO ]  Registered a new subclass with key: BN
[ INFO ]  New subclass: <class 'extensions.ops.box_nms.BoxNms'>
[ INFO ]  Registered a new subclass with key: _contrib_box_nms
[ INFO ]  New subclass: <class 'extensions.ops.bucketize.Bucketize'>
[ INFO ]  Registered a new subclass with key: Bucketize
[ INFO ]  New subclass: <class 'extensions.ops.constant_fill.ConstantFill'>
[ INFO ]  Registered a new subclass with key: ConstantFill
[ INFO ]  New subclass: <class 'extensions.ops.copyop.CopyOp'>
[ INFO ]  Registered a new subclass with key: copy
[ INFO ]  New subclass: <class 'extensions.ops.correlation.CorrelationOp'>
[ INFO ]  Registered a new subclass with key: Correlation
[ INFO ]  New subclass: <class 'extensions.ops.ctc_greedy_decoder.CTCGreedyDecoderOp'>
[ INFO ]  Registered a new subclass with key: CTCGreedyDecoder
[ INFO ]  New subclass: <class 'extensions.ops.data_augmentation.DataAugmentationOp'>
[ INFO ]  Registered a new subclass with key: DataAugmentation
[ INFO ]  New subclass: <class 'extensions.ops.depth_to_space.DepthToSpaceOp'>
[ INFO ]  Registered a new subclass with key: DepthToSpace
[ INFO ]  New subclass: <class 'extensions.ops.detectionoutput_onnx.ExperimentalDetectronDetectionOutput'>
[ INFO ]  Registered a new subclass with key: ExperimentalDetectronDetectionOutput
[ INFO ]  New subclass: <class 'extensions.ops.elementwise.Elementwise'>
[ INFO ]  New subclass: <class 'extensions.ops.embedding_bag.EmbeddingBag'>
[ INFO ]  Registered a new subclass with key: EmbeddingBag
[ INFO ]  New subclass: <class 'extensions.ops.exp.ExpOp'>
[ INFO ]  Registered a new subclass with key: Exp
[ INFO ]  New subclass: <class 'extensions.ops.fakequantize.FakeQuantize'>
[ INFO ]  Registered a new subclass with key: FakeQuantize
[ INFO ]  New subclass: <class 'extensions.ops.gelu.GeLUOP'>
[ INFO ]  Registered a new subclass with key: Gelu
[ INFO ]  New subclass: <class 'extensions.ops.grn.GRNOp'>
[ INFO ]  Registered a new subclass with key: GRN
[ INFO ]  New subclass: <class 'extensions.ops.hard_sigmoid.HardSigmoid'>
[ INFO ]  Registered a new subclass with key: HardSigmoid
[ INFO ]  New subclass: <class 'extensions.ops.identity.IdentityOp'>
[ INFO ]  Registered a new subclass with key: Identity
[ INFO ]  New subclass: <class 'extensions.ops.instance_normalization.InstanceNormalization'>
[ INFO ]  Registered a new subclass with key: InstanceNormalization
[ INFO ]  New subclass: <class 'extensions.ops.interp.InterpOp'>
[ INFO ]  Registered a new subclass with key: Interp
[ INFO ]  New subclass: <class 'extensions.ops.interpolate.Interpolate'>
[ INFO ]  Registered a new subclass with key: Interpolate
[ INFO ]  New subclass: <class 'extensions.ops.lstm_cell.LSTMCell'>
[ INFO ]  Registered a new subclass with key: LSTMCell
[ INFO ]  New subclass: <class 'extensions.ops.lstm_sequence.LSTMSequence'>
[ INFO ]  Registered a new subclass with key: LSTMSequence
[ INFO ]  New subclass: <class 'extensions.ops.merge.Merge'>
[ INFO ]  Registered a new subclass with key: Merge
[ INFO ]  New subclass: <class 'extensions.ops.mvn.MVN'>
[ INFO ]  Registered a new subclass with key: MVN
[ INFO ]  New subclass: <class 'extensions.ops.mxrepeat.MXRepeat'>
[ INFO ]  Registered a new subclass with key: MXRepeat
[ INFO ]  New subclass: <class 'extensions.ops.mxreshape.MXReshape'>
[ INFO ]  Registered a new subclass with key: MXReshape
[ INFO ]  New subclass: <class 'extensions.ops.mxslice.MXSlice'>
[ INFO ]  Registered a new subclass with key: MXSlice
[ INFO ]  New subclass: <class 'extensions.ops.non_max_suppression.NonMaxSuppression'>
[ INFO ]  Registered a new subclass with key: NonMaxSuppression
[ INFO ]  New subclass: <class 'extensions.ops.non_zero.NonZero'>
[ INFO ]  Registered a new subclass with key: NonZero
[ INFO ]  New subclass: <class 'extensions.ops.normalize.NormalizeOp'>
[ INFO ]  Registered a new subclass with key: Normalize
[ INFO ]  New subclass: <class 'extensions.ops.normalize_l2.NormalizeL2Op'>
[ INFO ]  Registered a new subclass with key: NormalizeL2
[ INFO ]  New subclass: <class 'extensions.ops.one_hot.OneHot'>
[ INFO ]  Registered a new subclass with key: OneHot
[ INFO ]  New subclass: <class 'extensions.ops.pack.PackOp'>
[ INFO ]  Registered a new subclass with key: Pack
[ INFO ]  New subclass: <class 'extensions.ops.pnorm.PNormOp'>
[ INFO ]  Registered a new subclass with key: pnorm
[ INFO ]  New subclass: <class 'extensions.ops.power_file.PowerFileOp'>
[ INFO ]  Registered a new subclass with key: PowerFile
[ INFO ]  New subclass: <class 'extensions.ops.prediction_heatmap.PredictionHeatmapOp'>
[ INFO ]  Registered a new subclass with key: PredictionHeatmap
[ INFO ]  New subclass: <class 'extensions.ops.prelu.PreluOp'>
[ INFO ]  Registered a new subclass with key: PReLU
[ INFO ]  New subclass: <class 'extensions.ops.priorbox.PriorBoxOp'>
[ INFO ]  Registered a new subclass with key: PriorBox
[ INFO ]  New subclass: <class 'extensions.ops.priorbox_clustered.PriorBoxClusteredOp'>
[ INFO ]  Registered a new subclass with key: PriorBoxClustered
[ INFO ]  New subclass: <class 'extensions.ops.priorgridgenerator_onnx.ExperimentalDetectronPriorGridGenerator'>
[ INFO ]  Registered a new subclass with key: ExperimentalDetectronPriorGridGenerator
[ INFO ]  New subclass: <class 'extensions.ops.proposal.ProposalOp'>
[ INFO ]  Registered a new subclass with key: Proposal
[ INFO ]  New subclass: <class 'extensions.ops.proposal_onnx.ExperimentalDetectronGenerateProposalsSingleImage'>
[ INFO ]  Registered a new subclass with key: ExperimentalDetectronGenerateProposalsSingleImage
[ INFO ]  New subclass: <class 'extensions.ops.psroipooling.PSROIPoolingOp'>
[ INFO ]  Registered a new subclass with key: PSROIPooling
[ INFO ]  New subclass: <class 'extensions.ops.range.Range'>
[ INFO ]  Registered a new subclass with key: Range
[ INFO ]  New subclass: <class 'extensions.ops.rank.Rank'>
[ INFO ]  Registered a new subclass with key: Rank
[ INFO ]  New subclass: <class 'extensions.ops.regionyolo.RegionYoloOp'>
[ INFO ]  Registered a new subclass with key: RegionYolo
[ INFO ]  New subclass: <class 'extensions.ops.reorgyolo.ReorgYoloOp'>
[ INFO ]  Registered a new subclass with key: ReorgYolo
[ INFO ]  New subclass: <class 'extensions.ops.resample.ResampleOp'>
[ INFO ]  Registered a new subclass with key: Resample
[ INFO ]  New subclass: <class 'extensions.ops.resize.ResizeOp'>
[ INFO ]  Registered a new subclass with key: Resize
[ INFO ]  New subclass: <class 'extensions.ops.reverse_sequence.ReverseSequence'>
[ INFO ]  Registered a new subclass with key: ReverseSequence
[ INFO ]  New subclass: <class 'extensions.ops.roifeatureextractor_onnx.ExperimentalDetectronROIFeatureExtractor'>
[ INFO ]  Registered a new subclass with key: ExperimentalDetectronROIFeatureExtractor
[ INFO ]  New subclass: <class 'extensions.ops.select.Select'>
[ INFO ]  Registered a new subclass with key: Select
[ INFO ]  New subclass: <class 'extensions.ops.shufflechannel.ShuffleChannelOp'>
[ INFO ]  Registered a new subclass with key: ShuffleChannel
[ INFO ]  New subclass: <class 'extensions.ops.simplernms.SimplerNMSOp'>
[ INFO ]  Registered a new subclass with key: SimplerNMS
[ INFO ]  New subclass: <class 'extensions.ops.size.Size'>
[ INFO ]  Registered a new subclass with key: Size
[ INFO ]  New subclass: <class 'extensions.ops.space_to_depth.SpaceToDepth'>
[ INFO ]  Registered a new subclass with key: SpaceToDepth
[ INFO ]  New subclass: <class 'extensions.ops.sparse_fill_empty_rows.SparseFillEmptyRows'>
[ INFO ]  Registered a new subclass with key: SparseFillEmptyRows
[ INFO ]  New subclass: <class 'extensions.ops.sparse_reshape.SparseReshape'>
[ INFO ]  Registered a new subclass with key: SparseReshape
[ INFO ]  New subclass: <class 'extensions.ops.sparse_segment_mean.SparseSegmentMean'>
[ INFO ]  Registered a new subclass with key: SparseSegmentMean
[ INFO ]  New subclass: <class 'extensions.ops.sparse_segment_sqrtn.SparseSegmentSqrtN'>
[ INFO ]  Registered a new subclass with key: SparseSegmentSqrtN
[ INFO ]  New subclass: <class 'extensions.ops.sparse_segment_sum.SparseSegmentSum'>
[ INFO ]  Registered a new subclass with key: SparseSegmentSum
[ INFO ]  New subclass: <class 'extensions.ops.sparse_to_dense.SparseToDense'>
[ INFO ]  Registered a new subclass with key: SparseToDense
[ INFO ]  New subclass: <class 'extensions.ops.sparse_weighted_sum.ExperimentalSparseWeightedSum'>
[ INFO ]  Registered a new subclass with key: ExperimentalSparseWeightedSum
[ INFO ]  New subclass: <class 'extensions.ops.spatial_transformer.SpatialTransformOp'>
[ INFO ]  Registered a new subclass with key: SpatialTransformer
[ INFO ]  New subclass: <class 'extensions.ops.splice.Splice'>
[ INFO ]  Registered a new subclass with key: Splice
[ INFO ]  New subclass: <class 'extensions.ops.stop_gradient.StopGradientOp'>
[ INFO ]  Registered a new subclass with key: StopGradient
[ INFO ]  New subclass: <class 'extensions.ops.swapaxis.SwapAxis'>
[ INFO ]  Registered a new subclass with key: SwapAxis
[ INFO ]  New subclass: <class 'extensions.ops.switch.Switch'>
[ INFO ]  Registered a new subclass with key: Switch
[ INFO ]  New subclass: <class 'extensions.ops.topk.TopK'>
[ INFO ]  Registered a new subclass with key: TopK
[ INFO ]  New subclass: <class 'extensions.ops.topkrois_onnx.ExperimentalDetectronTopKROIs'>
[ INFO ]  Registered a new subclass with key: ExperimentalDetectronTopKROIs
[ INFO ]  New subclass: <class 'extensions.ops.unique.Unique'>
[ INFO ]  Registered a new subclass with key: Unique
[ INFO ]  New subclass: <class 'extensions.ops.upsample.UpsampleOp'>
[ INFO ]  Registered a new subclass with key: Upsample
[ WARNING ]  Skipped <class 'mo.utils.model_analysis.AnalysisCollectorAnchor'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.analysis.boolean_input.TrainingPhaseAnalysis'>
[ INFO ]  New subclass: <class 'extensions.analysis.inputs.InputsAnalysis'>
[ INFO ]  New subclass: <class 'extensions.analysis.json_print.AnalysisJSONPrint'>
[ INFO ]  New subclass: <class 'extensions.analysis.nodes.IntermediatesNodesAnalysis'>
[ INFO ]  New subclass: <class 'extensions.analysis.tf_od_api.TensorFlowObjectDetectionAPIAnalysis'>
[ INFO ]  New subclass: <class 'extensions.analysis.tf_retinanet.TensorFlowRetinaNet'>
[ INFO ]  New subclass: <class 'extensions.analysis.tf_yolo.TensorFlowYOLOV1V2Analysis'>
[ INFO ]  New subclass: <class 'extensions.analysis.tf_yolo.TensorFlowYOLOV3Analysis'>
[ WARNING ]  Skipped <class 'extensions.load.loader.LoadFinish'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.load.tf.loader.TFLoader'>
[ WARNING ]  Skipped <class 'mo.front.tf.extractors.strided_slice.StridedSliceFrontExtractor'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.front.AttributedGatherNormalizer.AttributedGatherNormalizer'>
[ INFO ]  Registered a new subclass with key: AttributedGather
[ INFO ]  New subclass: <class 'extensions.front.InterpolateNormalizer.InterpolateNormalizer'>
[ INFO ]  Registered a new subclass with key: Interpolate
[ INFO ]  New subclass: <class 'extensions.front.LRNReplacer.LRNReplacer'>
[ INFO ]  Registered a new subclass with key: AttributedLRN
[ INFO ]  New subclass: <class 'extensions.front.Log1p.Log1p'>
[ INFO ]  Registered a new subclass with key: Log1p
[ INFO ]  New subclass: <class 'extensions.front.Pack.Pack'>
[ INFO ]  Registered a new subclass with key: Pack
[ INFO ]  New subclass: <class 'extensions.front.PowerToEltwises.PowerToEltwises'>
[ INFO ]  Registered a new subclass with key: AttributedPower
[ INFO ]  New subclass: <class 'extensions.front.tf.FakeQuantWithMinMaxVars.FakeQuantWithMinMaxVarsToQuantize'>
[ INFO ]  Registered a new subclass with key: FakeQuantWithMinMaxVars
[ INFO ]  New subclass: <class 'extensions.front.eltwise_n.EltwiseNReplacement'>
[ INFO ]  Registered a new subclass with key: EltwiseN
[ INFO ]  New subclass: <class 'extensions.front.rank_decomposer.RankDecomposer'>
[ INFO ]  Registered a new subclass with key: Rank
[ INFO ]  New subclass: <class 'extensions.front.image_scaler.ImageScaler'>
[ INFO ]  Registered a new subclass with key: ImageScaler
[ INFO ]  New subclass: <class 'extensions.front.instance_normalization.InstanceNormalization'>
[ INFO ]  Registered a new subclass with key: InstanceNormalization
[ INFO ]  New subclass: <class 'extensions.front.reciprocal.ReciprocalReplacer'>
[ INFO ]  Registered a new subclass with key: Reciprocal
[ INFO ]  New subclass: <class 'extensions.front.softsign_replacer.SoftSign'>
[ INFO ]  Registered a new subclass with key: Softsign
[ INFO ]  New subclass: <class 'extensions.front.split_normalizer.SqueezeAxis'>
[ INFO ]  Registered a new subclass with key: UnknownOp
[ INFO ]  New subclass: <class 'extensions.front.squared_difference.SquaredDifference'>
[ INFO ]  Registered a new subclass with key: SquaredDifference
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementSubgraph'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.user_data_repack.UserDataRepack'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.tf.replacement.FrontReplacementFromConfigFileGeneral'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.front.ATenToEmbeddingBag.AtenToEmbeddingBag'>
[ INFO ]  New subclass: <class 'extensions.front.AttributedPadToPad.AttributedPadToPad'>
[ INFO ]  New subclass: <class 'extensions.front.ChangePlaceholderTypes.ChangePlaceholderTypes'>
[ INFO ]  New subclass: <class 'extensions.front.ExpandDimsToUnsqueeze.ExpandDimsToUnsqueeze'>
[ INFO ]  New subclass: <class 'extensions.front.FillToBroadcast.FillToBroadcast'>
[ INFO ]  New subclass: <class 'extensions.front.pass_separator.FrontStart'>
[ INFO ]  New subclass: <class 'extensions.front.pass_separator.FrontFinish'>
[ INFO ]  New subclass: <class 'extensions.front.SqueezeNormalize.SqueezeNormalize'>
[ INFO ]  New subclass: <class 'extensions.front.TopKNormalize.TopKNormalize'>
[ INFO ]  New subclass: <class 'extensions.front.tf.pad_tf_to_pad.PadTFToPad'>
[ INFO ]  New subclass: <class 'extensions.front.binary_quantize_normalization.BinaryFakeQuantizeNormalization'>
[ INFO ]  New subclass: <class 'extensions.front.create_tensor_nodes.CreateTensorNodes'>
[ INFO ]  New subclass: <class 'extensions.front.disable_weights_quantize_value_propagation.DisableQuantizeValuePropagation'>
[ INFO ]  New subclass: <class 'extensions.front.div.Div'>
[ INFO ]  New subclass: <class 'extensions.front.global_pooling_to_reduce.GlobalPoolingToReduce'>
[ INFO ]  Registered a new subclass with key: Pooling
[ INFO ]  New subclass: <class 'extensions.front.input_cut.InputCut'>
[ INFO ]  New subclass: <class 'extensions.front.output_cut.OutputCut'>
[ INFO ]  New subclass: <class 'extensions.front.override_batch.OverrideBatch'>
[ INFO ]  New subclass: <class 'extensions.front.sub.Sub'>
[ INFO ]  New subclass: <class 'extensions.front.transformations_config.TransformationsConfig'>
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.tf.replacement.FrontReplacementFromConfigFileSubGraph'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.front.ArgMaxSqueeze.ArgMaxSqueeze'>
[ INFO ]  Registered a new subclass with key: ArgMax
[ INFO ]  New subclass: <class 'extensions.front.ChangeCastOutputType.ChangeCastOutputType'>
[ INFO ]  New subclass: <class 'extensions.front.GeLUMerger_Erf.GeLUMergerErf'>
[ INFO ]  New subclass: <class 'extensions.front.MatMul_normalizer.FullyConnectedDecomposer'>
[ INFO ]  New subclass: <class 'extensions.front.MatMul_normalizer.GemmDecomposer'>
[ INFO ]  New subclass: <class 'extensions.front.restore_ports.RestorePorts'>
[ INFO ]  New subclass: <class 'extensions.front.MoveEmbeddedInputsToInputs.MoveEmbeddedInputsToInputs'>
[ INFO ]  New subclass: <class 'extensions.front.TransposeOrderNormalizer.TransposeOrderNormalizer'>
[ INFO ]  New subclass: <class 'extensions.front.no_op_eraser.NoOpEraser'>
[ INFO ]  New subclass: <class 'extensions.front.standalone_const_eraser.StandaloneConstEraser'>
[ INFO ]  New subclass: <class 'extensions.front.flatten_to_reshape.FlattenToReshape'>
[ INFO ]  New subclass: <class 'extensions.front.freeze_placeholder_value.FreezePlaceholderValue'>
[ INFO ]  New subclass: <class 'extensions.front.reduce_axis_normalizer.ReduceAxisNormalizer'>
[ INFO ]  New subclass: <class 'extensions.front.reshape_dim_normalizer.ReshapeDimNormalizer'>
[ INFO ]  New subclass: <class 'extensions.front.softmax.SoftmaxFromKeras'>
[ INFO ]  New subclass: <class 'extensions.front.split_normalizer.SplitInputsReconnect'>
[ INFO ]  New subclass: <class 'extensions.front.split_normalizer.AttributedSplitToSplit'>
[ INFO ]  New subclass: <class 'extensions.front.split_normalizer.AttributedVariadicSplitToVariadicSplit'>
[ INFO ]  New subclass: <class 'extensions.front.split_normalizer.VariadicSplitInputsSwap'>
[ WARNING ]  Skipped <class 'mo.front.tf.replacement.FrontReplacementFromConfigFileOp'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.front.YOLO.YoloRegionAddon'>
[ INFO ]  New subclass: <class 'extensions.front.YOLO.YoloV3RegionAddon'>
[ WARNING ]  Skipped <class 'mo.front.tf.extractors.strided_slice.StridedSliceFrontExtractor'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.front.tf.BatchMatMul_ext.BatchMatMulExtractor'>
[ INFO ]  Registered a new subclass with key: BatchMatMul
[ INFO ]  New subclass: <class 'extensions.front.tf.BatchMatMul_ext.BatchMatMulV2Extractor'>
[ INFO ]  Registered a new subclass with key: BatchMatMulV2
[ INFO ]  New subclass: <class 'extensions.front.tf.BlockLSTM_ext.BlockLSTMExtractor'>
[ INFO ]  Registered a new subclass with key: BlockLSTM
[ INFO ]  New subclass: <class 'extensions.front.tf.CTCGreedyDecoder_ext.CTCCGreedyDecoderFrontExtractor'>
[ INFO ]  Registered a new subclass with key: CTCGreedyDecoder
[ INFO ]  New subclass: <class 'extensions.front.tf.Cast_ext.CastFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Cast
[ INFO ]  New subclass: <class 'extensions.front.tf.FakeQuantWithMinMaxVars_ext.FakeQuantWithMinMaxVarsExtractor'>
[ INFO ]  Registered a new subclass with key: FakeQuantWithMinMaxVars
[ INFO ]  New subclass: <class 'extensions.front.tf.GatherTree_ext.GatherTreeFrontExtractor'>
[ INFO ]  Registered a new subclass with key: GatherTree
[ INFO ]  New subclass: <class 'extensions.front.tf.IteratorGetNext_ext.IteratorGetNextExtractor'>
[ INFO ]  Registered a new subclass with key: IteratorGetNext
[ INFO ]  New subclass: <class 'extensions.front.tf.LoopCond_ext.LoopCondFrontExtractor'>
[ INFO ]  Registered a new subclass with key: LoopCond
[ INFO ]  New subclass: <class 'extensions.front.tf.TensorArrayExtractors.TensorArrayExtractor'>
[ INFO ]  Registered a new subclass with key: TensorArrayV3
[ INFO ]  New subclass: <class 'extensions.front.tf.TensorArrayGatherV3.TensorArrayGatherV3Exteractor'>
[ INFO ]  Registered a new subclass with key: TensorArrayGatherV3
[ INFO ]  New subclass: <class 'extensions.front.tf.activation_ext.AbsExtractor'>
[ INFO ]  Registered a new subclass with key: Abs
[ INFO ]  New subclass: <class 'extensions.front.tf.activation_ext.EluFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Elu
[ INFO ]  New subclass: <class 'extensions.front.tf.activation_ext.ErfFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Erf
[ INFO ]  New subclass: <class 'extensions.front.tf.activation_ext.ExpExtractor'>
[ INFO ]  Registered a new subclass with key: Exp
[ INFO ]  New subclass: <class 'extensions.front.tf.activation_ext.LeakyReLUFrontExtractor'>
[ INFO ]  Registered a new subclass with key: LeakyRelu
[ INFO ]  New subclass: <class 'extensions.front.tf.activation_ext.LogicalNotFrontExtractor'>
[ INFO ]  Registered a new subclass with key: LogicalNot
[ INFO ]  New subclass: <class 'extensions.front.tf.activation_ext.Relu6FrontExtractor'>
[ INFO ]  Registered a new subclass with key: Relu6
[ INFO ]  New subclass: <class 'extensions.front.tf.activation_ext.ReluFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Relu
[ INFO ]  New subclass: <class 'extensions.front.tf.activation_ext.SigmoidFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Sigmoid
[ INFO ]  New subclass: <class 'extensions.front.tf.activation_ext.CosFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Cos
[ INFO ]  New subclass: <class 'extensions.front.tf.activation_ext.CoshFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Cosh
[ INFO ]  New subclass: <class 'extensions.front.tf.activation_ext.SinFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Sin
[ INFO ]  New subclass: <class 'extensions.front.tf.activation_ext.SinhFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Sinh
[ INFO ]  New subclass: <class 'extensions.front.tf.activation_ext.TanFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Tan
[ INFO ]  New subclass: <class 'extensions.front.tf.activation_ext.TanhFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Tanh
[ INFO ]  New subclass: <class 'extensions.front.tf.argmax_ext.ArgMaxFrontExtractor'>
[ INFO ]  Registered a new subclass with key: ArgMax
[ INFO ]  New subclass: <class 'extensions.front.tf.batch_to_space_ext.SpaceToBatchFrontExtractor'>
[ INFO ]  Registered a new subclass with key: BatchToSpaceND
[ INFO ]  New subclass: <class 'extensions.front.tf.bucketize_ext.BucketizeFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Bucketize
[ INFO ]  New subclass: <class 'extensions.front.tf.concat_ext.ConcatFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Concat
[ INFO ]  New subclass: <class 'extensions.front.tf.const_ext.ConstExtractor'>
[ INFO ]  Registered a new subclass with key: Const
[ INFO ]  New subclass: <class 'extensions.front.tf.conv_ext.Conv2DFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Conv2D
[ INFO ]  New subclass: <class 'extensions.front.tf.conv_ext.DepthwiseConv2dNativeFrontExtractor'>
[ INFO ]  Registered a new subclass with key: DepthwiseConv2dNative
[ INFO ]  New subclass: <class 'extensions.front.tf.conv_ext.Conv3DFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Conv3D
[ INFO ]  New subclass: <class 'extensions.front.tf.crop_and_resize_ext.CropAndResizeFrontExtractor'>
[ INFO ]  Registered a new subclass with key: CropAndResize
[ INFO ]  New subclass: <class 'extensions.front.tf.deconv_ext.Conv2DBackpropInputFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Conv2DBackpropInput
[ INFO ]  New subclass: <class 'extensions.front.tf.deconv_ext.Conv3DBackpropInputV2InputFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Conv3DBackpropInputV2
[ INFO ]  New subclass: <class 'extensions.front.tf.depth_to_space.DepthToSpaceFrontExtractor'>
[ INFO ]  Registered a new subclass with key: DepthToSpace
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.AddExtractor'>
[ INFO ]  Registered a new subclass with key: Add
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.AddV2Extractor'>
[ INFO ]  Registered a new subclass with key: AddV2
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.AddNExtractor'>
[ INFO ]  Registered a new subclass with key: AddN
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.BiasAddExtractor'>
[ INFO ]  Registered a new subclass with key: BiasAdd
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.MulExtractor'>
[ INFO ]  Registered a new subclass with key: Mul
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.SubExtractor'>
[ INFO ]  Registered a new subclass with key: Sub
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.DivExtractor'>
[ INFO ]  Registered a new subclass with key: RealDiv
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.SquaredDifferenceExtractor'>
[ INFO ]  Registered a new subclass with key: SquaredDifference
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.SqrtExtractor'>
[ INFO ]  Registered a new subclass with key: Sqrt
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.RsqrtExtractor'>
[ INFO ]  Registered a new subclass with key: Rsqrt
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.SquareExtractor'>
[ INFO ]  Registered a new subclass with key: Square
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.NegExtractor'>
[ INFO ]  Registered a new subclass with key: Neg
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.ZerosLike'>
[ INFO ]  Registered a new subclass with key: ZerosLike
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.MaximumExtractor'>
[ INFO ]  Registered a new subclass with key: Maximum
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.MinimumExtractor'>
[ INFO ]  Registered a new subclass with key: Minimum
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.PowExtractor'>
[ INFO ]  Registered a new subclass with key: Pow
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.LogicalAndFrontExtractor'>
[ INFO ]  Registered a new subclass with key: LogicalAnd
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.LogicalOrFrontExtractor'>
[ INFO ]  Registered a new subclass with key: LogicalOr
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.EqualExtractor'>
[ INFO ]  Registered a new subclass with key: Equal
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.LessEqualExtractor'>
[ INFO ]  Registered a new subclass with key: LessEqual
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.LessExtractor'>
[ INFO ]  Registered a new subclass with key: Less
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.GreaterExtractor'>
[ INFO ]  Registered a new subclass with key: Greater
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.GreaterEqualExtractor'>
[ INFO ]  Registered a new subclass with key: GreaterEqual
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.NotEqualExtractor'>
[ INFO ]  Registered a new subclass with key: NotEqual
[ INFO ]  New subclass: <class 'extensions.front.tf.elementwise_ext.FloorModFrontExtractor'>
[ INFO ]  Registered a new subclass with key: FloorMod
[ INFO ]  New subclass: <class 'extensions.front.tf.expand_dims_ext.ExpandDimsExtractor'>
[ INFO ]  Registered a new subclass with key: ExpandDims
[ INFO ]  New subclass: <class 'extensions.front.tf.extract_image_patches_ext.ExtractImagePatchesExtractor'>
[ INFO ]  Registered a new subclass with key: ExtractImagePatches
[ INFO ]  New subclass: <class 'extensions.front.tf.fifo_queue_v2_ext.FIFOQueueV2Extractor'>
[ INFO ]  Registered a new subclass with key: FIFOQueueV2
[ INFO ]  New subclass: <class 'extensions.front.tf.fill_ext.FillExtractor'>
[ INFO ]  Registered a new subclass with key: Fill
[ INFO ]  New subclass: <class 'extensions.front.tf.floor_ext.FloorExtractor'>
[ INFO ]  Registered a new subclass with key: Floor
[ INFO ]  New subclass: <class 'extensions.front.tf.gather_ext.GatherFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Gather
[ INFO ]  New subclass: <class 'extensions.front.tf.gather_ext.ResourceGatherFrontExtractor'>
[ INFO ]  Registered a new subclass with key: ResourceGather
[ INFO ]  New subclass: <class 'extensions.front.tf.gather_ext.GatherV2FrontExtractor'>
[ INFO ]  Registered a new subclass with key: GatherV2
[ INFO ]  New subclass: <class 'extensions.front.tf.identity_ext.IdentityFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Identity
[ INFO ]  New subclass: <class 'extensions.front.tf.identity_ext.ReadVariableOpFrontExtractor'>
[ INFO ]  Registered a new subclass with key: ReadVariableOp
[ INFO ]  New subclass: <class 'extensions.front.tf.identity_ext.StopGradientExtractor'>
[ INFO ]  Registered a new subclass with key: StopGradient
[ INFO ]  New subclass: <class 'extensions.front.tf.lrn_ext.LRNExtractor'>
[ INFO ]  Registered a new subclass with key: LRN
[ INFO ]  New subclass: <class 'extensions.front.tf.matmul_ext.MatMulExtractor'>
[ INFO ]  Registered a new subclass with key: MatMul
[ INFO ]  New subclass: <class 'extensions.front.tf.next_iteration_ext.NextIterationExtractor'>
[ INFO ]  Registered a new subclass with key: NextIteration
[ INFO ]  New subclass: <class 'extensions.front.tf.non_max_suppression_ext.NonMaxSuppressionV3Extractor'>
[ INFO ]  Registered a new subclass with key: NonMaxSuppressionV3
[ INFO ]  New subclass: <class 'extensions.front.tf.non_max_suppression_ext.NonMaxSuppressionV4Extractor'>
[ INFO ]  Registered a new subclass with key: NonMaxSuppressionV4
[ INFO ]  New subclass: <class 'extensions.front.tf.non_max_suppression_ext.NonMaxSuppressionV5Extractor'>
[ INFO ]  Registered a new subclass with key: NonMaxSuppressionV5
[ INFO ]  New subclass: <class 'extensions.front.tf.one_hot_ext.OneHotFrontExtractor'>
[ INFO ]  Registered a new subclass with key: OneHot
[ INFO ]  New subclass: <class 'extensions.front.tf.pad_ext.PadFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Pad
[ INFO ]  New subclass: <class 'extensions.front.tf.pad_ext.PadV2FrontExtractor'>
[ INFO ]  Registered a new subclass with key: PadV2
[ INFO ]  New subclass: <class 'extensions.front.tf.pad_ext.MirrorPadFrontExtractor'>
[ INFO ]  Registered a new subclass with key: MirrorPad
[ INFO ]  New subclass: <class 'extensions.front.tf.placeholder_ext.PlaceholderFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Placeholder
[ INFO ]  New subclass: <class 'extensions.front.tf.placeholder_with_default_ext.PlaceholderWithDefaultExtractor'>
[ INFO ]  Registered a new subclass with key: PlaceholderWithDefault
[ INFO ]  New subclass: <class 'extensions.front.tf.pooling_ext.AvgPoolFrontExtractor'>
[ INFO ]  Registered a new subclass with key: AvgPool
[ INFO ]  New subclass: <class 'extensions.front.tf.pooling_ext.MaxPoolFrontExtractor'>
[ INFO ]  Registered a new subclass with key: MaxPool
[ INFO ]  New subclass: <class 'extensions.front.tf.pooling_ext.MaxPool3DFrontExtractor'>
[ INFO ]  Registered a new subclass with key: MaxPool3D
[ INFO ]  New subclass: <class 'extensions.front.tf.pooling_ext.AvgPool3DFrontExtractor'>
[ INFO ]  Registered a new subclass with key: AvgPool3D
[ INFO ]  New subclass: <class 'extensions.front.tf.reduce_ext.AllFrontExtractor'>
[ INFO ]  Registered a new subclass with key: All
[ INFO ]  New subclass: <class 'extensions.front.tf.reduce_ext.MaxFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Max
[ INFO ]  New subclass: <class 'extensions.front.tf.reduce_ext.MeanExtractor'>
[ INFO ]  Registered a new subclass with key: Mean
[ INFO ]  New subclass: <class 'extensions.front.tf.reduce_ext.ProdFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Prod
[ INFO ]  New subclass: <class 'extensions.front.tf.reduce_ext.SumFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Sum
[ INFO ]  New subclass: <class 'extensions.front.tf.reshape_related_ext.RankFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Rank
[ INFO ]  New subclass: <class 'extensions.front.tf.reshape_related_ext.ReshapeExtractor'>
[ INFO ]  Registered a new subclass with key: Reshape
[ INFO ]  New subclass: <class 'extensions.front.tf.reshape_related_ext.ShapeExtractor'>
[ INFO ]  Registered a new subclass with key: Shape
[ INFO ]  New subclass: <class 'extensions.front.tf.reshape_related_ext.SizeFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Size
[ INFO ]  New subclass: <class 'extensions.front.tf.reshape_related_ext.SqueezeExtractor'>
[ INFO ]  Registered a new subclass with key: Squeeze
[ INFO ]  New subclass: <class 'extensions.front.tf.resize_bilinear.ResizeBilinearFrontExtractor'>
[ INFO ]  Registered a new subclass with key: ResizeBilinear
[ INFO ]  New subclass: <class 'extensions.front.tf.resize_nearest_neighbor.ResizeNearestNeighborFrontExtractor'>
[ INFO ]  Registered a new subclass with key: ResizeNearestNeighbor
[ INFO ]  New subclass: <class 'extensions.front.tf.reverse_sequence.ReverseSequenceFrontExtractor'>
[ INFO ]  Registered a new subclass with key: ReverseSequence
[ INFO ]  New subclass: <class 'extensions.front.tf.reverse_v2.ReverseV2FrontExtractor'>
[ INFO ]  Registered a new subclass with key: ReverseV2
[ INFO ]  New subclass: <class 'extensions.front.tf.select_ext.SelectExtractor'>
[ INFO ]  Registered a new subclass with key: Select
[ INFO ]  New subclass: <class 'extensions.front.tf.sign_ext.SignExtractor'>
[ INFO ]  Registered a new subclass with key: Sign
[ INFO ]  New subclass: <class 'extensions.front.tf.slice_ext.SliceExtractor'>
[ INFO ]  Registered a new subclass with key: Slice
[ INFO ]  New subclass: <class 'extensions.front.tf.softmax_ext.SoftmaxFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Softmax
[ INFO ]  New subclass: <class 'extensions.front.tf.space_to_batch_ext.SpaceToBatchFrontExtractor'>
[ INFO ]  Registered a new subclass with key: SpaceToBatchND
[ INFO ]  New subclass: <class 'extensions.front.tf.space_to_depth_ext.SpaceToDepthFrontExtractor'>
[ INFO ]  Registered a new subclass with key: SpaceToDepth
[ INFO ]  New subclass: <class 'extensions.front.tf.sparse_fill_empty_rows_ext.SparseFillEmptyRowsFrontExtractor'>
[ INFO ]  Registered a new subclass with key: SparseFillEmptyRows
[ INFO ]  New subclass: <class 'extensions.front.tf.sparse_segment_mean_ext.SparseSegmentMeanFrontExtractor'>
[ INFO ]  Registered a new subclass with key: SparseSegmentMean
[ INFO ]  New subclass: <class 'extensions.front.tf.sparse_segment_sqrtn_ext.SparseSegmentSqrtNFrontExtractor'>
[ INFO ]  Registered a new subclass with key: SparseSegmentSqrtN
[ INFO ]  New subclass: <class 'extensions.front.tf.sparse_segment_sum_ext.SparseSegmentSumFrontExtractor'>
[ INFO ]  Registered a new subclass with key: SparseSegmentSum
[ INFO ]  New subclass: <class 'extensions.front.tf.sparse_to_dense_ext.SparseToDenseFrontExtractor'>
[ INFO ]  Registered a new subclass with key: SparseToDense
[ INFO ]  New subclass: <class 'extensions.front.tf.split_ext.SplitVExtractor'>
[ INFO ]  Registered a new subclass with key: SplitV
[ INFO ]  New subclass: <class 'extensions.front.tf.split_ext.UnpackExtractor'>
[ INFO ]  Registered a new subclass with key: Unpack
[ INFO ]  New subclass: <class 'extensions.front.tf.split_ext.SplitExtractor'>
[ INFO ]  Registered a new subclass with key: Split
[ INFO ]  New subclass: <class 'extensions.front.tf.tile_ext.TileExtractor'>
[ INFO ]  Registered a new subclass with key: Tile
[ INFO ]  New subclass: <class 'extensions.front.tf.topk_ext.TopKExtractor'>
[ INFO ]  Registered a new subclass with key: TopK
[ INFO ]  New subclass: <class 'extensions.front.tf.topk_ext.TopKV2Extractor'>
[ INFO ]  Registered a new subclass with key: TopKV2
[ INFO ]  New subclass: <class 'extensions.front.tf.transpose_ext.TransposeFrontExtractorTF'>
[ INFO ]  Registered a new subclass with key: Transpose
[ INFO ]  New subclass: <class 'extensions.front.tf.unique_ext.UniqueFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Unique
[ INFO ]  New subclass: <class 'extensions.front.tf.variable_ext.VariableExtractor'>
[ INFO ]  Registered a new subclass with key: Variable
[ INFO ]  New subclass: <class 'extensions.front.tf.variable_ext.VariableV2Extractor'>
[ INFO ]  Registered a new subclass with key: VariableV2
[ WARNING ]  Skipped <class 'extensions.front.AttributedGatherNormalizer.AttributedGatherNormalizer'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.InterpolateNormalizer.InterpolateNormalizer'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.LRNReplacer.LRNReplacer'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.Log1p.Log1p'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.Pack.Pack'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.PowerToEltwises.PowerToEltwises'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.tf.FakeQuantWithMinMaxVars.FakeQuantWithMinMaxVarsToQuantize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.eltwise_n.EltwiseNReplacement'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.rank_decomposer.RankDecomposer'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.image_scaler.ImageScaler'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.instance_normalization.InstanceNormalization'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.reciprocal.ReciprocalReplacer'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.softsign_replacer.SoftSign'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.split_normalizer.SqueezeAxis'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.squared_difference.SquaredDifference'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.front.tf.BlockLSTM.BlockLSTM'>
[ INFO ]  Registered a new subclass with key: BlockLSTM
[ INFO ]  New subclass: <class 'extensions.front.tf.CropAndResizeReplacement.CropAndResizeReplacement'>
[ INFO ]  Registered a new subclass with key: CropAndResize
[ INFO ]  New subclass: <class 'extensions.front.tf.LogSoftmax.LogSoftmaxFrontReplacer'>
[ INFO ]  Registered a new subclass with key: LogSoftmax
[ INFO ]  New subclass: <class 'extensions.front.tf.SizeReplacer.SizeFrontReplacer'>
[ INFO ]  Registered a new subclass with key: Size
[ INFO ]  New subclass: <class 'extensions.front.tf.assign_elimination.AssignElimination'>
[ INFO ]  Registered a new subclass with key: Assign
[ INFO ]  New subclass: <class 'extensions.front.tf.assign_elimination.AssignSubElimination'>
[ INFO ]  Registered a new subclass with key: AssignSub
[ INFO ]  New subclass: <class 'extensions.front.tf.assign_elimination.AssignAddElimination'>
[ INFO ]  Registered a new subclass with key: AssignAdd
[ INFO ]  New subclass: <class 'extensions.front.tf.assign_elimination.AssertElimination'>
[ INFO ]  Registered a new subclass with key: Assert
[ INFO ]  New subclass: <class 'extensions.front.tf.fake_const_ext.FakeConstToConst'>
[ INFO ]  Registered a new subclass with key: FakeConst
[ INFO ]  New subclass: <class 'extensions.front.tf.swish.Swish'>
[ INFO ]  Registered a new subclass with key: swish_f32
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementSubgraph'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.user_data_repack.UserDataRepack'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.tf.replacement.FrontReplacementFromConfigFileGeneral'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.ATenToEmbeddingBag.AtenToEmbeddingBag'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.AttributedPadToPad.AttributedPadToPad'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.ChangePlaceholderTypes.ChangePlaceholderTypes'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.ExpandDimsToUnsqueeze.ExpandDimsToUnsqueeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.FillToBroadcast.FillToBroadcast'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.pass_separator.FrontStart'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.pass_separator.FrontFinish'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.SqueezeNormalize.SqueezeNormalize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.TopKNormalize.TopKNormalize'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.tf.pad_tf_to_pad.PadTFToPad'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.binary_quantize_normalization.BinaryFakeQuantizeNormalization'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.create_tensor_nodes.CreateTensorNodes'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.disable_weights_quantize_value_propagation.DisableQuantizeValuePropagation'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.div.Div'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.global_pooling_to_reduce.GlobalPoolingToReduce'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.input_cut.InputCut'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.output_cut.OutputCut'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.override_batch.OverrideBatch'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.sub.Sub'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.transformations_config.TransformationsConfig'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.front.tf.GNMT_DynamicSequenceLengths.GNMT_sequence_lengths'>
[ INFO ]  New subclass: <class 'extensions.front.tf.space_to_batch.BatchToSpaceNormalizer'>
[ INFO ]  New subclass: <class 'extensions.front.tf.tensorflow_custom_operations_config_update.TensorflowCustomOperationsConfigUpdate'>
[ INFO ]  New subclass: <class 'extensions.front.tf.variables_values_freezing.VariablesToConstants'>
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.tf.replacement.FrontReplacementFromConfigFileSubGraph'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.ArgMaxSqueeze.ArgMaxSqueeze'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.ChangeCastOutputType.ChangeCastOutputType'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.GeLUMerger_Erf.GeLUMergerErf'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.MatMul_normalizer.FullyConnectedDecomposer'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.MatMul_normalizer.GemmDecomposer'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.restore_ports.RestorePorts'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.MoveEmbeddedInputsToInputs.MoveEmbeddedInputsToInputs'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.TransposeOrderNormalizer.TransposeOrderNormalizer'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.no_op_eraser.NoOpEraser'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.standalone_const_eraser.StandaloneConstEraser'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.flatten_to_reshape.FlattenToReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.freeze_placeholder_value.FreezePlaceholderValue'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.reduce_axis_normalizer.ReduceAxisNormalizer'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.reshape_dim_normalizer.ReshapeDimNormalizer'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.softmax.SoftmaxFromKeras'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.split_normalizer.SplitInputsReconnect'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.split_normalizer.AttributedSplitToSplit'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.split_normalizer.AttributedVariadicSplitToVariadicSplit'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.split_normalizer.VariadicSplitInputsSwap'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.front.tf.BatchToSpaceNDToUpsample.BatchToSpaceToUpsample'>
[ INFO ]  New subclass: <class 'extensions.front.tf.CTCGreedyDecoder.CTCGreedyDecoderReplacement'>
[ INFO ]  New subclass: <class 'extensions.front.tf.nearest_neighbor_upsampling.NearestNeighborUpsampling'>
[ INFO ]  New subclass: <class 'extensions.front.tf.FlattenToReshape.FlattenToReshapeableReshape'>
[ INFO ]  New subclass: <class 'extensions.front.tf.SplitConcatPairToInterpolate.SplitConcatPairToInterpolate'>
[ INFO ]  New subclass: <class 'extensions.front.tf.SwitchMergeOptimization.SwitchMergeOptimization'>
[ INFO ]  New subclass: <class 'extensions.front.tf.UnpackPackReverseInputChannels.UnpackPackReverseInputChannels'>
[ INFO ]  New subclass: <class 'extensions.front.tf.basic_lstm_cell.BasicLSTMCell'>
[ INFO ]  New subclass: <class 'extensions.front.tf.bucketize.BucketizeFrontReplacer'>
[ INFO ]  New subclass: <class 'extensions.front.tf.concat.Concat'>
[ INFO ]  New subclass: <class 'extensions.front.tf.fifo_replacer.FIFOQueue'>
[ INFO ]  New subclass: <class 'extensions.front.tf.fifo_replacer.QueueDequeueManyV2'>
[ INFO ]  New subclass: <class 'extensions.front.tf.mvn.MVNReplacer'>
[ INFO ]  New subclass: <class 'extensions.front.tf.mvn_unrolled.MVNUnrolled'>
[ INFO ]  New subclass: <class 'extensions.front.tf.non_max_suppression_normalize.TFNonMaxSuppressionNormalize'>
[ INFO ]  New subclass: <class 'extensions.front.tf.prelu.PReLU'>
[ INFO ]  New subclass: <class 'extensions.front.tf.prelu.PReLUWithAbs'>
[ INFO ]  New subclass: <class 'extensions.front.tf.sparse_weighted_sum.ExperimentalSparseWeightedSumFrontReplacer'>
[ INFO ]  New subclass: <class 'extensions.front.tf.sparse_weighted_sum.ExperimentalSparseWeightedSumFrontReplacer2'>
[ INFO ]  New subclass: <class 'extensions.front.tf.swap_deconv_inputs.SwapDeconvInputs'>
[ INFO ]  New subclass: <class 'extensions.front.tf.transposed_mvn_unrolled.TransposedMVNUnrolled'>
[ WARNING ]  Skipped <class 'mo.front.tf.replacement.FrontReplacementFromConfigFileOp'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIPreprocessorReplacement'>
[ INFO ]  New subclass: <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIDetectionOutputReplacement'>
[ INFO ]  New subclass: <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIMaskRCNNROIPoolingSecondReplacement'>
[ INFO ]  New subclass: <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIProposalReplacement'>
[ INFO ]  New subclass: <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPISSDPostprocessorReplacement'>
[ INFO ]  New subclass: <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIPSROIPoolingReplacement'>
[ INFO ]  New subclass: <class 'extensions.front.tf.RetinaNetFilteredDetectionsReplacement.RetinaNetFilteredDetectionsReplacement'>
[ INFO ]  New subclass: <class 'extensions.front.tf.SSDToolboxDetectionOutput.SSDToolboxDetectionOutputReplacement'>
[ WARNING ]  Skipped <class 'extensions.front.YOLO.YoloRegionAddon'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.front.YOLO.YoloV3RegionAddon'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.front.tf.InterpolateTransposes.InterpolateTranspose'>
[ INFO ]  New subclass: <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIMaskRCNNSigmoidReplacement'>
[ INFO ]  New subclass: <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIOutputReplacement'>
[ INFO ]  New subclass: <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIConstValueOverride'>
[ WARNING ]  Skipped <class 'extensions.middle.pass_separator.PreMiddleStart'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.pass_separator.MiddleStart'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.pass_separator.MiddleFinish'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.pass_separator.PostMiddleStart'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.InsertLayoutPropagationTransposes.InsertLayoutPropagationTranspose'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorCondition.LoopConditionMatcher'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorCondition.SimpleConditionMatcher'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorCondition.DynamicDecoderConditionMatcher'>
[ INFO ]  New subclass: <class 'extensions.middle.MulFakeQuantizeFuse.MulFakeQuantizeFuse'>
[ INFO ]  New subclass: <class 'extensions.middle.AddFakeQuantizeFuse.AddFakeQuantizeFuse'>
[ INFO ]  New subclass: <class 'extensions.middle.AddIsCyclicAttribute.AddIsCyclicAttribute'>
[ INFO ]  New subclass: <class 'extensions.middle.AddMeanScaleValues.AddMeanScaleValues'>
[ INFO ]  New subclass: <class 'extensions.middle.AnchorToPriorBox.AnchorToPriorBoxes'>
[ INFO ]  New subclass: <class 'extensions.middle.LayoutChangeForConstantShapePaths.LayoutChangeForConstantShapePaths'>
[ INFO ]  New subclass: <class 'extensions.middle.ApplyNHWCtoNCHWpermutation.ApplyNHWCtoNCHWpermutation'>
[ INFO ]  New subclass: <class 'extensions.middle.ApplyPermutations.ApplyPermutation'>
[ INFO ]  New subclass: <class 'extensions.middle.ArgMaxToTopK.ArgMaxToTopK'>
[ INFO ]  Registered a new subclass with key: ArgMax
[ INFO ]  New subclass: <class 'extensions.middle.AttributedTileNormalizer.AttributedTileNormalizer'>
[ INFO ]  New subclass: <class 'extensions.middle.EltwiseChecker.EltwiseChecker'>
[ INFO ]  New subclass: <class 'extensions.middle.BiasAddBroadcasting.BiasAddInputBroadcasting'>
[ INFO ]  New subclass: <class 'extensions.middle.CheckForCycle.CheckForCycle'>
[ INFO ]  New subclass: <class 'extensions.middle.DeleteNotExecutable.DeleteNotExecutable'>
[ INFO ]  New subclass: <class 'extensions.middle.BinarizeWeightsM1P1.BinarizeWeightsM1P1'>
[ INFO ]  New subclass: <class 'extensions.middle.BlockLSTMtoLSTMSequence.BlockLSTMtoLSTMSequence'>
[ INFO ]  New subclass: <class 'extensions.middle.EltwiseInputReshape.Eltwise1DInputReshape'>
[ INFO ]  New subclass: <class 'extensions.middle.EltwiseInputReshape.EltwiseInputReshape'>
[ INFO ]  New subclass: <class 'extensions.middle.EltwiseInputNormalization.EltwiseInputNormalize'>
[ INFO ]  New subclass: <class 'extensions.middle.FuseReshapesSequence.FuseReshapesSequence'>
[ INFO ]  New subclass: <class 'extensions.middle.RemoveRedundantReshapes.RemoveRedundantReshapes'>
[ INFO ]  New subclass: <class 'extensions.middle.DeleteControlFlowEdges.DeleteControlFlowEdges'>
[ INFO ]  New subclass: <class 'extensions.middle.quantize_fuses.MarkNodesToFuseUpToFakeQuantize'>
[ INFO ]  New subclass: <class 'extensions.middle.quantize_fuses.FakeQuantizeFuse'>
[ INFO ]  New subclass: <class 'extensions.middle.fusings.Fusing'>
[ INFO ]  New subclass: <class 'extensions.middle.ConcatOptimization.ConcatOptimization'>
[ INFO ]  New subclass: <class 'extensions.middle.ConcatOptimization.ConcatOdInputEraser'>
[ INFO ]  New subclass: <class 'extensions.middle.ConstSwitchResolver.ConstSwitchEraser'>
[ INFO ]  New subclass: <class 'extensions.middle.ConvToBinaryConv.ConvToBinaryConv'>
[ INFO ]  New subclass: <class 'extensions.middle.SliceConverter.ConvertSlice'>
[ INFO ]  Registered a new subclass with key: Slice
[ INFO ]  New subclass: <class 'extensions.middle.ConvertGroupedStridedSlice.ConvertGroupedStridedSlice'>
[ INFO ]  New subclass: <class 'extensions.middle.ConvertLayoutDependentOperations.ConvertLayoutDependentOperations'>
[ INFO ]  New subclass: <class 'extensions.middle.ConvertMultiInputConv.ConvertMultiInputConv'>
[ INFO ]  New subclass: <class 'extensions.middle.CustomSubgraphCall.CustomSubgraphCall'>
[ INFO ]  New subclass: <class 'extensions.middle.CutInputHavingZeroDimFromConcat.CutInputHavingZeroDimFromConcat'>
[ INFO ]  New subclass: <class 'extensions.middle.DecomposeBias.DecomposeBias'>
[ INFO ]  New subclass: <class 'extensions.middle.DecomposeBidirectionalRNNSequence.DecomposeBidirectionalRNNSequence'>
[ INFO ]  New subclass: <class 'extensions.middle.Deconvolution3rdInputNormalization.Deconvolution3rdInputNormalization'>
[ INFO ]  New subclass: <class 'extensions.middle.DepthToSpace.DepthToSpace'>
[ INFO ]  New subclass: <class 'extensions.middle.DilatedConvolution.DilatedConvolutionConverter'>
[ INFO ]  New subclass: <class 'extensions.middle.DilatedConvolution.DilatedConvolution1DConverter'>
[ INFO ]  New subclass: <class 'extensions.middle.EmbeddingBagResolver.EmbeddingBagResolver'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorMerge.TensorIteratorMerge'>
[ INFO ]  New subclass: <class 'extensions.middle.FakeSplitOutputs.AddFakeOutputsToSplit'>
[ INFO ]  New subclass: <class 'extensions.middle.FakeSplitOutputs.AddFakeOutputsToVariadicSplit'>
[ INFO ]  New subclass: <class 'extensions.middle.FusedBatchNormNonConstant.FusedBatchNormNonConstant'>
[ INFO ]  New subclass: <class 'extensions.middle.FusedBatchNormTraining.FusedBatchNormTraining'>
[ INFO ]  New subclass: <class 'extensions.middle.GRURNNSequenceToTensorIterator.GRUAndRNNToTensorIterator'>
[ INFO ]  New subclass: <class 'extensions.middle.GatherNdNormalizer.GatherNdNormalize'>
[ INFO ]  New subclass: <class 'extensions.middle.GroupNorm.GroupNormToMVN'>
[ INFO ]  Registered a new subclass with key: GroupNorm
[ INFO ]  New subclass: <class 'extensions.middle.InputCut.MiddleInputCut'>
[ INFO ]  New subclass: <class 'extensions.middle.InsertSelect.AddSelectBeforeMemoryNodePattern'>
[ INFO ]  New subclass: <class 'extensions.middle.InterpolateSequenceToInterpolate.InterpolateSequenceToInterpolate'>
[ INFO ]  New subclass: <class 'extensions.middle.L2NormToNorm.L2NormToNorm'>
[ INFO ]  New subclass: <class 'extensions.middle.RNNSequenceNormalizeToIE.RNNSequenceNormalize'>
[ INFO ]  New subclass: <class 'extensions.middle.LSTMRNNSequenceToTensorIterator.LSTMToTensorIterator'>
[ INFO ]  New subclass: <class 'extensions.middle.LeakyReluPattern.LeakyReLU'>
[ INFO ]  New subclass: <class 'extensions.middle.MXNetRNNSequenceNormalize.MXNetRNNSequenceNormalize'>
[ INFO ]  New subclass: <class 'extensions.middle.MXNetSplitMultiLayers.MXNetSplitLayersToRNNSequence'>
[ INFO ]  New subclass: <class 'extensions.middle.MXTileReplacer.MXTileReplacer'>
[ INFO ]  New subclass: <class 'extensions.middle.MinimumMiddleReplacer.MinimumMiddleReplacer'>
[ INFO ]  New subclass: <class 'extensions.middle.MulAddToSS.MulAddToSS'>
[ INFO ]  New subclass: <class 'extensions.middle.NasNet.NasNet'>
[ INFO ]  New subclass: <class 'extensions.middle.ONNXRNNSequenceNormalize.ONNXRNNSequenceNormalize'>
[ INFO ]  New subclass: <class 'extensions.middle.PartialInfer.PartialInfer'>
[ INFO ]  New subclass: <class 'extensions.middle.ReluQuantizeFuse.ReluFakeQuantizeMark'>
[ INFO ]  New subclass: <class 'extensions.middle.ReluQuantizeFuse.ClampQuantizeMark'>
[ INFO ]  New subclass: <class 'extensions.middle.ReluQuantizeFuse.ReluQuantizeFuse'>
[ INFO ]  New subclass: <class 'extensions.middle.RemoveDuplicationMemory.RemoveMemoryDuplicationPattern'>
[ INFO ]  New subclass: <class 'extensions.middle.RemoveDuplicationMemory.MergeNeighborSplicePattern'>
[ INFO ]  New subclass: <class 'extensions.middle.RemoveIdentity.RemoveIdentity'>
[ INFO ]  New subclass: <class 'extensions.middle.RemoveIdentity.RemoveDropout'>
[ INFO ]  New subclass: <class 'extensions.middle.RemoveIdentity.RemoveNodesWithZeroPhase'>
[ INFO ]  New subclass: <class 'extensions.middle.RemoveRedundantReshapeAfterCropAndResize.RemoveRedundantReshapeAfterCropAndResize'>
[ INFO ]  New subclass: <class 'extensions.middle.RemoveUselessConcatSplit.RemoveUselessConcatSplitPattern'>
[ INFO ]  New subclass: <class 'extensions.middle.RemoveUselessCrops.RemoveUselessCropsPattern'>
[ INFO ]  New subclass: <class 'extensions.middle.RemoveUselessPad.RemoveUselessPad'>
[ INFO ]  New subclass: <class 'extensions.middle.ReplaceMemoryOffsetWithSplice.ReplaceMemoryOffsetNodePattern'>
[ INFO ]  New subclass: <class 'extensions.middle.ReplaceMemoryOffsetWithSplice.ReplaceMemoryOffsetWithMemoryNodePattern'>
[ INFO ]  New subclass: <class 'extensions.middle.ReplacePNorm.ReplacePNormNodePattern'>
[ INFO ]  New subclass: <class 'extensions.middle.ReplaceSpliceNodePattern.ReplaceSpliceNodePattern'>
[ INFO ]  New subclass: <class 'extensions.middle.ReverseTransposeNormalization.ReverseTransposeNormalization'>
[ INFO ]  New subclass: <class 'extensions.middle.ReverseV2ToReverseSequence.ReverseToReverseSequence'>
[ INFO ]  New subclass: <class 'extensions.middle.ScaleInput.ScaleInput'>
[ INFO ]  New subclass: <class 'extensions.middle.SharedWeightsDuplication.SharedWeightsDuplication'>
[ INFO ]  New subclass: <class 'extensions.middle.SwapAxesMiddleReplacer.SwapAxisMiddleReplacer'>
[ INFO ]  New subclass: <class 'extensions.middle.TF_lstm_cell_to_generic.TensorFlowLSTMtoGeneric'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorBackEdge.BackEdgesMatching'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorConditionChecker.ConditionChecks'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorInput.SmartInputMatcher'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorInput.SimpleInputMatcher'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorInput.BackEdgeSimpleInputMatcher'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorLSTMToLSTMSequence.TensorIteratorLSTM'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorOutput.SmartOutputMatcher'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorOutput.SimpleOutputMatcher'>
[ INFO ]  New subclass: <class 'extensions.middle.UnsqueezeTileReshapeBlockToInterpolate.UnsqueezeTileReshapeBlockToInterpolate'>
[ INFO ]  New subclass: <class 'extensions.middle.UpsampleToResample.UpsampleToResample'>
[ INFO ]  New subclass: <class 'extensions.middle.UselessMerge.UselessMergeEraser'>
[ INFO ]  New subclass: <class 'extensions.middle.UselessSplitEraser.UselessSplitEraser'>
[ INFO ]  New subclass: <class 'extensions.middle.UselessStridedSlice.UselessStridedSliceEraser'>
[ INFO ]  New subclass: <class 'extensions.middle.permute_tensor_iterator.TransposeTensorIteratorLSTM'>
[ INFO ]  New subclass: <class 'extensions.middle.preprocessing.Preprocessing'>
[ INFO ]  New subclass: <class 'extensions.middle.preprocessing.CaffeMeanFileProcessing'>
[ INFO ]  New subclass: <class 'extensions.middle.reverse_tensor_iterator.ReverseTensorIteratorLSTM'>
[ INFO ]  New subclass: <class 'extensions.middle.space_to_depth.SpaceToDepth'>
[ INFO ]  New subclass: <class 'extensions.middle.sparse_reshape.SparseReshapeMiddleReplacer'>
[ INFO ]  New subclass: <class 'extensions.middle.ssd_anchors_to_const.SsdAnchorsMiddleReplacer'>
[ INFO ]  New subclass: <class 'extensions.middle.wights_permute_normalizer.WeightsPermuteNormalizer'>
[ WARNING ]  Skipped <class 'extensions.back.RemoveUselessConvert.RemoveUselessConvert'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.back.op_versioning.OpVersioning'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.back.pass_separator.BackStart'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.back.pass_separator.BackFinish'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.back.SpecialNodesFinalization.RemoveConstOps'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.back.SpecialNodesFinalization.CreateConstNodesReplacement'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.back.SpecialNodesFinalization.RemoveOutputOps'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.back.SpecialNodesFinalization.NormalizeTI'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.back.split_normalizer.SplitNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.split_normalizer.VariadicSplitNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.split_normalizer.PassVariadicSplitAsIs'>
[ INFO ]  New subclass: <class 'extensions.back.ReverseInputChannels.InsertReverseChannels'>
[ INFO ]  New subclass: <class 'extensions.back.ReverseInputChannels.ReverseChannelsPropagationDown'>
[ INFO ]  New subclass: <class 'extensions.back.ReverseInputChannels.ReverseChannelsPropagationUp'>
[ INFO ]  New subclass: <class 'extensions.back.ReverseInputChannels.DecomposeReverseChannels'>
[ INFO ]  New subclass: <class 'extensions.back.ReverseInputChannels.ApplyReverseChannels'>
[ INFO ]  New subclass: <class 'extensions.back.ActivationsNormalizer.ActivationsNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.AvgPool.AvgPool'>
[ INFO ]  New subclass: <class 'extensions.back.ForceStrictPrecision.ForceStrictPrecision'>
[ INFO ]  New subclass: <class 'extensions.back.ReshapeMutation.ReshapeMutation'>
[ INFO ]  New subclass: <class 'extensions.back.ReshapeMutation.DisableReshapeMutationInTensorIterator'>
[ INFO ]  New subclass: <class 'extensions.back.ConvolutionNormalizer.ConvolutionNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.ConvolutionNormalizer.ConvolutionReshaper'>
[ INFO ]  New subclass: <class 'extensions.back.ConvolutionNormalizer.V7ConvolutionWithGroupsResolver'>
[ INFO ]  New subclass: <class 'extensions.back.ConvolutionNormalizer.V10ConvolutionWithGroupsResolver'>
[ INFO ]  New subclass: <class 'extensions.back.ConvolutionNormalizer.ConvolutionWithGroupsResolver'>
[ INFO ]  New subclass: <class 'extensions.back.ConvolutionNormalizer.PullReshapeThroughFQ'>
[ INFO ]  New subclass: <class 'extensions.back.ConvolutionNormalizer.DeconvolutionNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.CropToStridedSlice.CropToStridedSlice'>
[ INFO ]  New subclass: <class 'extensions.back.ParameterToPlaceholder.ParameterToInput'>
[ INFO ]  New subclass: <class 'extensions.back.CutMemory.CutMemory'>
[ INFO ]  New subclass: <class 'extensions.back.DumpFakeQuantStat.DumpFakeQuantStat'>
[ INFO ]  New subclass: <class 'extensions.back.ElementwiseOpsToEltwiseOps.SimpleEltwiseToEltwiseOp'>
[ INFO ]  New subclass: <class 'extensions.back.ElementwiseOpsToEltwiseOps.DivideToEltwises'>
[ INFO ]  New subclass: <class 'extensions.back.ElementwiseOpsToEltwiseOps.SubtractToEltwises'>
[ INFO ]  New subclass: <class 'extensions.back.ElementwiseOpsToEltwiseOps.EltwisesWithScalarInputToPower'>
[ INFO ]  New subclass: <class 'extensions.back.ElementwiseOpsToEltwiseOps.MulAddPowerMerge'>
[ INFO ]  New subclass: <class 'extensions.back.ElementwiseOpsToEltwiseOps.MulPowPowerMerge'>
[ INFO ]  New subclass: <class 'extensions.back.ElementwiseOpsToEltwiseOps.AddPowPowerMerge'>
[ INFO ]  New subclass: <class 'extensions.back.ElementwiseOpsToEltwiseOps.MulAddPowPowerMerge'>
[ INFO ]  New subclass: <class 'extensions.back.EnableConstantStridedSlice.EnableConstantStridedSlice'>
[ INFO ]  New subclass: <class 'extensions.back.FuseTransposesSequence.FuseTransposesSequence'>
[ INFO ]  New subclass: <class 'extensions.back.GatherNormalizer.Gather0D'>
[ INFO ]  New subclass: <class 'extensions.back.GatherNormalizer.GatherNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.GatherNormalizer.GatherTreeNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.GroupedConvWeightsNormalize.GroupedConvWeightsNormalize'>
[ INFO ]  New subclass: <class 'extensions.back.I64ToI32.I64ToI32'>
[ INFO ]  New subclass: <class 'extensions.back.ShapeOfToShape.ShapeOfToShape'>
[ INFO ]  New subclass: <class 'extensions.back.InterpolateToInterpOrResample.InterpolateToInterpOrResample'>
[ INFO ]  New subclass: <class 'extensions.back.LRNToNorm.LRN_normalization'>
[ INFO ]  New subclass: <class 'extensions.back.LSTMCellNormalizer.LSTMCellNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.LeakyReLUMutation.LeakyReLUMutation'>
[ INFO ]  New subclass: <class 'extensions.back.LeakyReluToReluWithNegativeSlope.LeakyReluToReluWithNegativeSlope'>
[ INFO ]  New subclass: <class 'extensions.back.OptimizeTransposeReshapeSequence.OptimizeTransposeReshapeSequence'>
[ INFO ]  New subclass: <class 'extensions.back.TransposeToPermute.TransposeToPermute'>
[ INFO ]  New subclass: <class 'extensions.back.MatMulNormalizer.MatMulConstTransposesExtraction'>
[ INFO ]  New subclass: <class 'extensions.back.MatMulNormalizer.MatMulToFullyConnected'>
[ INFO ]  New subclass: <class 'extensions.back.MatMulNormalizer.SSBiasAddonForFC'>
[ INFO ]  New subclass: <class 'extensions.back.MatMulNormalizer.BiasAddonForFC'>
[ INFO ]  New subclass: <class 'extensions.back.MatMulNormalizer.FullyConnectedFinalization'>
[ INFO ]  New subclass: <class 'extensions.back.MatMulNormalizer.PullTransposeThroughFQUp'>
[ INFO ]  New subclass: <class 'extensions.back.MaxPool.MaxPool'>
[ INFO ]  New subclass: <class 'extensions.back.ScalarConstNormalize.ScalarNormalize'>
[ INFO ]  New subclass: <class 'extensions.back.ScalarConstNormalize.ScalarNormalizeForSpecificOps'>
[ INFO ]  New subclass: <class 'extensions.back.ScalarConstNormalize.RangeInputNormalize'>
[ INFO ]  New subclass: <class 'extensions.back.NonMaximumSuppressionNormalize.NonMaximumSuppressionNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.insert_compatibility_l2normalization.CompatibilityL2NormalizationPattern'>
[ INFO ]  New subclass: <class 'extensions.back.NormalizeToNormalizeL2.NormalizeToNormalizeL2'>
[ INFO ]  New subclass: <class 'extensions.back.OneHotNormalizer.OneHotNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.PackBinaryWeights.PackBinaryWeights'>
[ INFO ]  New subclass: <class 'extensions.back.PadToV7.PadToV7'>
[ INFO ]  New subclass: <class 'extensions.back.StridedSliceMasksNormalizer.StridedSliceMasksNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.ProposalMutation.ProposalMutation'>
[ INFO ]  New subclass: <class 'extensions.back.RNNSequenceTypeRename.RNNSequence'>
[ INFO ]  New subclass: <class 'extensions.back.ReduceToPooling.ReduceMerge'>
[ INFO ]  New subclass: <class 'extensions.back.ReduceToPooling.ReduceReplacer'>
[ INFO ]  New subclass: <class 'extensions.back.ReduceToPooling.ReduceLogicalReplacer'>
[ INFO ]  New subclass: <class 'extensions.back.ReduceTransposeDimensions.ReduceTransposeDimensions'>
[ INFO ]  New subclass: <class 'extensions.back.Reshape0DToSqueeze.Reshape0DToSqueeze'>
[ INFO ]  New subclass: <class 'extensions.back.ResultNormalizer.ResultNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.SelectBroadcast.SelectBroadcast'>
[ INFO ]  New subclass: <class 'extensions.back.ShuffleChannelPatternOptimization.ShuffleChannelPatternOptimization'>
[ INFO ]  New subclass: <class 'extensions.back.ShufflenetReLUReorder.ShufflenetReLUReorder'>
[ INFO ]  New subclass: <class 'extensions.back.TileNormalizer.TileInputAlignment'>
[ INFO ]  New subclass: <class 'extensions.back.TileNormalizer.Tile3DReshaper'>
[ INFO ]  New subclass: <class 'extensions.back.TileNormalizer.TileMultipleAxisReplacer'>
[ INFO ]  New subclass: <class 'extensions.back.TileNormalizer.TileVersionDowngrader'>
[ INFO ]  New subclass: <class 'extensions.back.TopKNormalizer.TopKNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.TransposeReduceFusing.TransposeReduce'>
[ INFO ]  New subclass: <class 'extensions.back.UselessConcatRemoval.UselessConcatRemoval'>
[ INFO ]  New subclass: <class 'extensions.back.blob_normalizer.BlobNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.compress_quantized_weights.CompressQuantizeWeights'>
[ INFO ]  New subclass: <class 'extensions.back.disable_unsupported_ND_operations.DisableUnsupportedNDOperations'>
[ INFO ]  New subclass: <class 'extensions.back.fuse_sub_div_min.Negate'>
[ INFO ]  New subclass: <class 'extensions.back.fuse_sub_div_min.EltwisesToSubtract'>
[ INFO ]  New subclass: <class 'extensions.back.fuse_sub_div_min.EltwisesToDiv'>
[ INFO ]  New subclass: <class 'extensions.back.kaldi_remove_memory_output.KaldiRemoveMemoryOutputBackReplacementPattern'>
[ INFO ]  New subclass: <class 'extensions.back.priorbox_mutation.PriorboxMutation'>
[ INFO ]  New subclass: <class 'extensions.back.remove_last_softmax_pattern.RemoveLastSoftMaxPattern'>
[ INFO ]  New subclass: <class 'extensions.back.remove_last_softmax_pattern.RemoveLastLogSoftMaxPattern'>
[ 2020-06-17 10:58:04,024 ] [ DEBUG ] [ class_registration:48 ]  All replacers has unique idxs.
[ 2020-06-17 10:58:04,049 ] [ DEBUG ] [ class_registration:258 ]  Replacers execution order:
|  id  | enabled | class
|    0 |  True   | <class 'extensions.load.tf.loader.TFLoader'>
|    1 |  True   | <class 'extensions.load.loader.LoadFinish'>
|    2 |  True   | <class 'extensions.front.transformations_config.TransformationsConfig'>
|    3 |  None   | <class 'extensions.analysis.boolean_input.TrainingPhaseAnalysis'>
|    4 |  None   | <class 'extensions.analysis.tf_yolo.TensorFlowYOLOV3Analysis'>
|    5 |  None   | <class 'extensions.analysis.tf_yolo.TensorFlowYOLOV1V2Analysis'>
|    6 |  None   | <class 'extensions.analysis.tf_retinanet.TensorFlowRetinaNet'>
|    7 |  None   | <class 'extensions.analysis.tf_od_api.TensorFlowObjectDetectionAPIAnalysis'>
|    8 |  None   | <class 'extensions.analysis.nodes.IntermediatesNodesAnalysis'>
|    9 |  None   | <class 'extensions.analysis.inputs.InputsAnalysis'>
|   10 |  None   | <class 'mo.utils.model_analysis.AnalysisCollectorAnchor'>
|   11 |  False  | <class 'extensions.analysis.json_print.AnalysisJSONPrint'>
|   12 |  True   | <class 'extensions.front.user_data_repack.UserDataRepack'>
|   13 |  True   | <class 'extensions.front.output_cut.OutputCut'>
|   14 |  True   | <class 'extensions.front.input_cut.InputCut'>
|   15 |  True   | <class 'extensions.front.tf.variables_values_freezing.VariablesToConstants'>
|   16 |  True   | <class 'extensions.front.restore_ports.RestorePorts'>
|   17 |  True   | <class 'extensions.front.MoveEmbeddedInputsToInputs.MoveEmbeddedInputsToInputs'>
|   18 |  True   | <class 'extensions.front.freeze_placeholder_value.FreezePlaceholderValue'>
|   19 |  True   | <class 'extensions.front.tf.tensorflow_custom_operations_config_update.TensorflowCustomOperationsConfigUpdate'>
|   20 |  True   | <class 'extensions.front.reshape_dim_normalizer.ReshapeDimNormalizer'>
|   21 |  True   | <class 'extensions.front.pass_separator.FrontStart'>
|   22 |  None   | <class 'extensions.front.YOLO.YoloV3RegionAddon'>
|   23 |  True   | <class 'extensions.front.split_normalizer.VariadicSplitInputsSwap'>
|   24 |  True   | <class 'extensions.front.tf.UnpackPackReverseInputChannels.UnpackPackReverseInputChannels'>
|   25 |  True   | <class 'extensions.front.tf.transposed_mvn_unrolled.TransposedMVNUnrolled'>
|   26 |  True   | <class 'extensions.front.TopKNormalize.TopKNormalize'>
|   27 |  True   | <class 'extensions.front.tf.non_max_suppression_normalize.TFNonMaxSuppressionNormalize'>
|   28 |  True   | <class 'extensions.front.tf.SwitchMergeOptimization.SwitchMergeOptimization'>
|   29 |  True   | <class 'extensions.front.tf.swish.Swish'>
|   30 |  True   | <class 'extensions.front.tf.swap_deconv_inputs.SwapDeconvInputs'>
|   31 |  True   | <class 'extensions.front.SqueezeNormalize.SqueezeNormalize'>
|   32 |  True   | <class 'extensions.front.split_normalizer.SplitInputsReconnect'>
|   33 |  True   | <class 'extensions.front.tf.SplitConcatPairToInterpolate.SplitConcatPairToInterpolate'>
|   34 |  True   | <class 'extensions.front.softsign_replacer.SoftSign'>
|   35 |  True   | <class 'extensions.front.tf.SizeReplacer.SizeFrontReplacer'>
|   36 |  None   | <class 'extensions.front.tf.SSDToolboxDetectionOutput.SSDToolboxDetectionOutputReplacement'>
|   37 |  None   | <class 'extensions.front.tf.RetinaNetFilteredDetectionsReplacement.RetinaNetFilteredDetectionsReplacement'>
|   38 |  True   | <class 'extensions.front.reduce_axis_normalizer.ReduceAxisNormalizer'>
|   39 |  True   | <class 'extensions.front.softmax.SoftmaxFromKeras'>
|   40 |  True   | <class 'extensions.front.reciprocal.ReciprocalReplacer'>
|   41 |  True   | <class 'extensions.front.tf.fifo_replacer.QueueDequeueManyV2'>
|   42 |  True   | <class 'extensions.front.tf.prelu.PReLUWithAbs'>
|   43 |  True   | <class 'extensions.front.tf.prelu.PReLU'>
|   44 |  True   | <class 'extensions.front.PowerToEltwises.PowerToEltwises'>
|   45 |  True   | <class 'extensions.front.tf.mvn_unrolled.MVNUnrolled'>
|   46 |  None   | <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIOutputReplacement'>
|   47 |  None   | <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIConstValueOverride'>
|   48 |  None   | <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIPreprocessorReplacement'>
|   49 |  None   | <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIProposalReplacement'>
|   50 |  True   | <class 'extensions.front.no_op_eraser.NoOpEraser'>
|   51 |  True   | <class 'extensions.front.tf.nearest_neighbor_upsampling.NearestNeighborUpsampling'>
|   52 |  True   | <class 'extensions.front.tf.FlattenToReshape.FlattenToReshapeableReshape'>
|   53 |  True   | <class 'extensions.front.Pack.Pack'>
|   54 |  True   | <class 'extensions.front.ExpandDimsToUnsqueeze.ExpandDimsToUnsqueeze'>
|   55 |  True   | <class 'extensions.front.tf.mvn.MVNReplacer'>
|   56 |  True   | <class 'extensions.front.squared_difference.SquaredDifference'>
|   57 |  True   | <class 'extensions.front.tf.LogSoftmax.LogSoftmaxFrontReplacer'>
|   58 |  True   | <class 'extensions.front.Log1p.Log1p'>
|   59 |  True   | <class 'extensions.front.LRNReplacer.LRNReplacer'>
|   60 |  True   | <class 'extensions.front.tf.InterpolateTransposes.InterpolateTranspose'>
|   61 |  True   | <class 'extensions.front.InterpolateNormalizer.InterpolateNormalizer'>
|   62 |  True   | <class 'extensions.front.instance_normalization.InstanceNormalization'>
|   63 |  True   | <class 'extensions.front.image_scaler.ImageScaler'>
|   64 |  True   | <class 'extensions.front.global_pooling_to_reduce.GlobalPoolingToReduce'>
|   65 |  True   | <class 'extensions.front.MatMul_normalizer.GemmDecomposer'>
|   66 |  True   | <class 'extensions.front.GeLUMerger_Erf.GeLUMergerErf'>
|   67 |  True   | <class 'extensions.front.tf.GNMT_DynamicSequenceLengths.GNMT_sequence_lengths'>
|   68 |  True   | <class 'extensions.front.MatMul_normalizer.FullyConnectedDecomposer'>
|   69 |  True   | <class 'extensions.front.flatten_to_reshape.FlattenToReshape'>
|   70 |  True   | <class 'extensions.front.FillToBroadcast.FillToBroadcast'>
|   71 |  True   | <class 'extensions.front.tf.FakeQuantWithMinMaxVars.FakeQuantWithMinMaxVarsToQuantize'>
|   72 |  None   | <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPISSDPostprocessorReplacement'>
|   73 |  True   | <class 'extensions.front.standalone_const_eraser.StandaloneConstEraser'>
|   74 |  None   | <class 'extensions.front.YOLO.YoloRegionAddon'>
|   75 |  True   | <class 'extensions.front.disable_weights_quantize_value_propagation.DisableQuantizeValuePropagation'>
|   76 |  True   | <class 'extensions.front.tf.fake_const_ext.FakeConstToConst'>
|   77 |  True   | <class 'extensions.front.tf.fifo_replacer.FIFOQueue'>
|   78 |  True   | <class 'extensions.front.override_batch.OverrideBatch'>
|   79 |  True   | <class 'extensions.front.tf.sparse_weighted_sum.ExperimentalSparseWeightedSumFrontReplacer2'>
|   80 |  True   | <class 'extensions.front.tf.sparse_weighted_sum.ExperimentalSparseWeightedSumFrontReplacer'>
|   81 |  True   | <class 'extensions.front.eltwise_n.EltwiseNReplacement'>
|   82 |  True   | <class 'extensions.front.div.Div'>
|   83 |  True   | <class 'extensions.front.tf.CropAndResizeReplacement.CropAndResizeReplacement'>
|   84 |  None   | <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIDetectionOutputReplacement'>
|   85 |  True   | <class 'extensions.front.TransposeOrderNormalizer.TransposeOrderNormalizer'>
|   86 |  True   | <class 'extensions.front.tf.pad_tf_to_pad.PadTFToPad'>
|   87 |  None   | <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIPSROIPoolingReplacement'>
|   88 |  True   | <class 'extensions.front.sub.Sub'>
|   89 |  True   | <class 'extensions.front.split_normalizer.SqueezeAxis'>
|   90 |  None   | <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIMaskRCNNROIPoolingSecondReplacement'>
|   91 |  None   | <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIMaskRCNNSigmoidReplacement'>
|   92 |  True   | <class 'extensions.front.tf.concat.Concat'>
|   93 |  True   | <class 'extensions.front.ChangePlaceholderTypes.ChangePlaceholderTypes'>
|   94 |  True   | <class 'extensions.front.ChangeCastOutputType.ChangeCastOutputType'>
|   95 |  True   | <class 'extensions.front.tf.CTCGreedyDecoder.CTCGreedyDecoderReplacement'>
|   96 |  True   | <class 'extensions.front.tf.bucketize.BucketizeFrontReplacer'>
|   97 |  True   | <class 'extensions.front.tf.BlockLSTM.BlockLSTM'>
|   98 |  True   | <class 'extensions.front.binary_quantize_normalization.BinaryFakeQuantizeNormalization'>
|   99 |  True   | <class 'extensions.front.tf.BatchToSpaceNDToUpsample.BatchToSpaceToUpsample'>
|  100 |  True   | <class 'extensions.front.tf.space_to_batch.BatchToSpaceNormalizer'>
|  101 |  True   | <class 'extensions.front.rank_decomposer.RankDecomposer'>
|  102 |  True   | <class 'extensions.front.split_normalizer.AttributedVariadicSplitToVariadicSplit'>
|  103 |  True   | <class 'extensions.front.split_normalizer.AttributedSplitToSplit'>
|  104 |  True   | <class 'extensions.front.tf.basic_lstm_cell.BasicLSTMCell'>
|  105 |  True   | <class 'extensions.front.AttributedPadToPad.AttributedPadToPad'>
|  106 |  True   | <class 'extensions.front.AttributedGatherNormalizer.AttributedGatherNormalizer'>
|  107 |  True   | <class 'extensions.front.ATenToEmbeddingBag.AtenToEmbeddingBag'>
|  108 |  True   | <class 'extensions.front.tf.assign_elimination.AssignSubElimination'>
|  109 |  True   | <class 'extensions.front.tf.assign_elimination.AssignElimination'>
|  110 |  True   | <class 'extensions.front.tf.assign_elimination.AssignAddElimination'>
|  111 |  True   | <class 'extensions.front.tf.assign_elimination.AssertElimination'>
|  112 |  True   | <class 'extensions.front.ArgMaxSqueeze.ArgMaxSqueeze'>
|  113 |  True   | <class 'extensions.front.pass_separator.FrontFinish'>
|  114 |  True   | <class 'extensions.front.create_tensor_nodes.CreateTensorNodes'>
|  115 |  True   | <class 'extensions.middle.PartialInfer.PartialInfer'>
|  116 |  True   | <class 'extensions.middle.ReverseV2ToReverseSequence.ReverseToReverseSequence'>
|  117 |  True   | <class 'extensions.middle.DeleteControlFlowEdges.DeleteControlFlowEdges'>
|  118 |  True   | <class 'extensions.middle.quantize_fuses.MarkNodesToFuseUpToFakeQuantize'>
|  119 |  True   | <class 'extensions.middle.quantize_fuses.FakeQuantizeFuse'>
|  120 |  True   | <class 'extensions.middle.BinarizeWeightsM1P1.BinarizeWeightsM1P1'>
|  121 |  True   | <class 'extensions.middle.ReluQuantizeFuse.ReluFakeQuantizeMark'>
|  122 |  True   | <class 'extensions.middle.ReluQuantizeFuse.ReluQuantizeFuse'>
|  123 |  True   | <class 'extensions.middle.ReluQuantizeFuse.ClampQuantizeMark'>
|  124 |  True   | <class 'extensions.middle.AddIsCyclicAttribute.AddIsCyclicAttribute'>
|  125 |  True   | <class 'extensions.middle.TensorIteratorInput.SmartInputMatcher'>
|  126 |  True   | <class 'extensions.middle.TensorIteratorOutput.SmartOutputMatcher'>
|  127 |  True   | <class 'extensions.middle.TensorIteratorOutput.SimpleOutputMatcher'>
|  128 |  True   | <class 'extensions.middle.TensorIteratorCondition.LoopConditionMatcher'>
|  129 |  True   | <class 'extensions.middle.TensorIteratorCondition.SimpleConditionMatcher'>
|  130 |  True   | <class 'extensions.middle.TensorIteratorCondition.DynamicDecoderConditionMatcher'>
|  131 |  True   | <class 'extensions.middle.TensorIteratorBackEdge.BackEdgesMatching'>
|  132 |  True   | <class 'extensions.middle.TensorIteratorConditionChecker.ConditionChecks'>
|  133 |  True   | <class 'extensions.middle.DeleteNotExecutable.DeleteNotExecutable'>
|  134 |  True   | <class 'extensions.middle.TensorIteratorInput.SimpleInputMatcher'>
|  135 |  True   | <class 'extensions.middle.TensorIteratorInput.BackEdgeSimpleInputMatcher'>
|  136 |  True   | <class 'extensions.middle.TensorIteratorMerge.TensorIteratorMerge'>
|  137 |  True   | <class 'extensions.middle.CheckForCycle.CheckForCycle'>
|  138 |  True   | <class 'extensions.middle.SharedWeightsDuplication.SharedWeightsDuplication'>
|  139 |  True   | <class 'extensions.middle.pass_separator.PreMiddleStart'>
|  140 |  True   | <class 'extensions.middle.UselessSplitEraser.UselessSplitEraser'>
|  141 |  True   | <class 'extensions.middle.InputCut.MiddleInputCut'>
|  142 |  True   | <class 'extensions.middle.ScaleInput.ScaleInput'>
|  143 |  True   | <class 'extensions.middle.AddMeanScaleValues.AddMeanScaleValues'>
|  144 |  True   | <class 'extensions.middle.RemoveIdentity.RemoveNodesWithZeroPhase'>
|  145 |  True   | <class 'extensions.middle.RemoveIdentity.RemoveIdentity'>
|  146 |  True   | <class 'extensions.middle.RemoveIdentity.RemoveDropout'>
|  147 |  True   | <class 'extensions.middle.L2NormToNorm.L2NormToNorm'>
|  148 |  True   | <class 'extensions.middle.DilatedConvolution.DilatedConvolutionConverter'>
|  149 |  True   | <class 'extensions.middle.DilatedConvolution.DilatedConvolution1DConverter'>
|  150 |  True   | <class 'extensions.middle.CustomSubgraphCall.CustomSubgraphCall'>
|  151 |  True   | <class 'extensions.middle.ConvertMultiInputConv.ConvertMultiInputConv'>
|  152 |  True   | <class 'extensions.middle.pass_separator.MiddleStart'>
|  153 |  True   | <class 'extensions.middle.wights_permute_normalizer.WeightsPermuteNormalizer'>
|  154 |  True   | <class 'extensions.middle.UnsqueezeTileReshapeBlockToInterpolate.UnsqueezeTileReshapeBlockToInterpolate'>
|  155 |  True   | <class 'extensions.middle.TF_lstm_cell_to_generic.TensorFlowLSTMtoGeneric'>
|  156 |  True   | <class 'extensions.middle.SwapAxesMiddleReplacer.SwapAxisMiddleReplacer'>
|  157 |  True   | <class 'extensions.middle.sparse_reshape.SparseReshapeMiddleReplacer'>
|  158 |  True   | <class 'extensions.middle.space_to_depth.SpaceToDepth'>
|  159 |  True   | <class 'extensions.middle.ReverseTransposeNormalization.ReverseTransposeNormalization'>
|  160 |  True   | <class 'extensions.middle.ReplacePNorm.ReplacePNormNodePattern'>
|  161 |  True   | <class 'extensions.middle.ReplaceMemoryOffsetWithSplice.ReplaceMemoryOffsetWithMemoryNodePattern'>
|  162 |  True   | <class 'extensions.middle.ReplaceMemoryOffsetWithSplice.ReplaceMemoryOffsetNodePattern'>
|  163 |  True   | <class 'extensions.middle.RemoveUselessPad.RemoveUselessPad'>
|  164 |  True   | <class 'extensions.middle.RemoveDuplicationMemory.RemoveMemoryDuplicationPattern'>
|  165 |  True   | <class 'extensions.middle.RemoveDuplicationMemory.MergeNeighborSplicePattern'>
|  166 |  True   | <class 'extensions.middle.RemoveUselessCrops.RemoveUselessCropsPattern'>
|  167 |  True   | <class 'extensions.middle.InsertSelect.AddSelectBeforeMemoryNodePattern'>
|  168 |  True   | <class 'extensions.middle.ReplaceSpliceNodePattern.ReplaceSpliceNodePattern'>
|  169 |  True   | <class 'extensions.middle.RemoveUselessConcatSplit.RemoveUselessConcatSplitPattern'>
|  170 |  True   | <class 'extensions.middle.ONNXRNNSequenceNormalize.ONNXRNNSequenceNormalize'>
|  171 |  False  | <class 'extensions.middle.TensorIteratorLSTMToLSTMSequence.TensorIteratorLSTM'>
|  172 |  True   | <class 'extensions.middle.MinimumMiddleReplacer.MinimumMiddleReplacer'>
|  173 |  True   | <class 'extensions.middle.MXTileReplacer.MXTileReplacer'>
|  174 |  True   | <class 'extensions.middle.MXNetSplitMultiLayers.MXNetSplitLayersToRNNSequence'>
|  175 |  True   | <class 'extensions.middle.MXNetRNNSequenceNormalize.MXNetRNNSequenceNormalize'>
|  176 |  True   | <class 'extensions.middle.DecomposeBidirectionalRNNSequence.DecomposeBidirectionalRNNSequence'>
|  177 |  None   | <class 'extensions.middle.RNNSequenceNormalizeToIE.RNNSequenceNormalize'>
|  178 |  True   | <class 'extensions.middle.GRURNNSequenceToTensorIterator.GRUAndRNNToTensorIterator'>
|  179 |  True   | <class 'extensions.middle.InterpolateSequenceToInterpolate.InterpolateSequenceToInterpolate'>
|  180 |  True   | <class 'extensions.middle.UpsampleToResample.UpsampleToResample'>
|  181 |  True   | <class 'extensions.middle.GatherNdNormalizer.GatherNdNormalize'>
|  182 |  True   | <class 'extensions.middle.FusedBatchNormTraining.FusedBatchNormTraining'>
|  183 |  True   | <class 'extensions.middle.FusedBatchNormNonConstant.FusedBatchNormNonConstant'>
|  184 |  True   | <class 'extensions.middle.EmbeddingBagResolver.EmbeddingBagResolver'>
|  185 |  True   | <class 'extensions.middle.EltwiseInputReshape.EltwiseInputReshape'>
|  186 |  False  | <class 'extensions.middle.EltwiseInputReshape.Eltwise1DInputReshape'>
|  187 |  False  | <class 'extensions.middle.EltwiseInputNormalization.EltwiseInputNormalize'>
|  188 |  True   | <class 'extensions.middle.DepthToSpace.DepthToSpace'>
|  189 |  True   | <class 'extensions.middle.Deconvolution3rdInputNormalization.Deconvolution3rdInputNormalization'>
|  190 |  True   | <class 'extensions.middle.DecomposeBias.DecomposeBias'>
|  191 |  True   | <class 'extensions.middle.CutInputHavingZeroDimFromConcat.CutInputHavingZeroDimFromConcat'>
|  192 |  True   | <class 'extensions.middle.SliceConverter.ConvertSlice'>
|  193 |  True   | <class 'extensions.middle.UselessStridedSlice.UselessStridedSliceEraser'>
|  194 |  True   | <class 'extensions.middle.ConvertGroupedStridedSlice.ConvertGroupedStridedSlice'>
|  195 |  True   | <class 'extensions.middle.ConvertLayoutDependentOperations.ConvertLayoutDependentOperations'>
|  196 |  True   | <class 'extensions.middle.ConvToBinaryConv.ConvToBinaryConv'>
|  197 |  True   | <class 'extensions.middle.ConstSwitchResolver.ConstSwitchEraser'>
|  198 |  True   | <class 'extensions.middle.UselessMerge.UselessMergeEraser'>
|  199 |  True   | <class 'extensions.middle.ConcatOptimization.ConcatOdInputEraser'>
|  200 |  True   | <class 'extensions.middle.BlockLSTMtoLSTMSequence.BlockLSTMtoLSTMSequence'>
|  201 |  True   | <class 'extensions.middle.LSTMRNNSequenceToTensorIterator.LSTMToTensorIterator'>
|  202 |  True   | <class 'extensions.middle.permute_tensor_iterator.TransposeTensorIteratorLSTM'>
|  203 |  True   | <class 'extensions.middle.reverse_tensor_iterator.ReverseTensorIteratorLSTM'>
|  204 |  True   | <class 'extensions.middle.BiasAddBroadcasting.BiasAddInputBroadcasting'>
|  205 |  True   | <class 'extensions.middle.EltwiseChecker.EltwiseChecker'>
|  206 |  True   | <class 'extensions.middle.GroupNorm.GroupNormToMVN'>
|  207 |  True   | <class 'extensions.middle.AttributedTileNormalizer.AttributedTileNormalizer'>
|  208 |  True   | <class 'extensions.middle.ArgMaxToTopK.ArgMaxToTopK'>
|  209 |  True   | <class 'extensions.middle.AnchorToPriorBox.AnchorToPriorBoxes'>
|  210 |  True   | <class 'extensions.middle.ssd_anchors_to_const.SsdAnchorsMiddleReplacer'>
|  211 |  True   | <class 'extensions.middle.FakeSplitOutputs.AddFakeOutputsToVariadicSplit'>
|  212 |  True   | <class 'extensions.middle.FakeSplitOutputs.AddFakeOutputsToSplit'>
|  213 |  True   | <class 'extensions.middle.pass_separator.MiddleFinish'>
|  214 |  True   | <class 'extensions.middle.RemoveRedundantReshapeAfterCropAndResize.RemoveRedundantReshapeAfterCropAndResize'>
|  215 |  True   | <class 'extensions.middle.NasNet.NasNet'>
|  216 |  True   | <class 'extensions.middle.fusings.Fusing'>
|  217 |  True   | <class 'extensions.middle.LeakyReluPattern.LeakyReLU'>
|  218 |  True   | <class 'extensions.middle.MulAddToSS.MulAddToSS'>
|  219 |  True   | <class 'extensions.middle.preprocessing.Preprocessing'>
|  220 |  True   | <class 'extensions.middle.preprocessing.CaffeMeanFileProcessing'>
|  221 |  True   | <class 'extensions.middle.ConcatOptimization.ConcatOptimization'>
|  222 |  True   | <class 'extensions.middle.FuseReshapesSequence.FuseReshapesSequence'>
|  223 |  True   | <class 'extensions.middle.RemoveRedundantReshapes.RemoveRedundantReshapes'>
|  224 |  True   | <class 'extensions.middle.pass_separator.PostMiddleStart'>
|  225 |  True   | <class 'extensions.middle.InsertLayoutPropagationTransposes.InsertLayoutPropagationTranspose'>
|  226 |  True   | <class 'extensions.middle.LayoutChangeForConstantShapePaths.LayoutChangeForConstantShapePaths'>
|  227 |  True   | <class 'extensions.middle.ApplyNHWCtoNCHWpermutation.ApplyNHWCtoNCHWpermutation'>
|  228 |  True   | <class 'extensions.middle.ApplyPermutations.ApplyPermutation'>
|  229 |  True   | <class 'extensions.back.pass_separator.BackStart'>
|  230 |  True   | <class 'extensions.back.split_normalizer.VariadicSplitNormalizer'>
|  231 |  True   | <class 'extensions.back.split_normalizer.PassVariadicSplitAsIs'>
|  232 |  False  | <class 'extensions.back.ConvolutionNormalizer.V7ConvolutionWithGroupsResolver'>
|  233 |  False  | <class 'extensions.back.ConvolutionNormalizer.V10ConvolutionWithGroupsResolver'>
|  234 |  True   | <class 'extensions.back.UselessConcatRemoval.UselessConcatRemoval'>
|  235 |  True   | <class 'extensions.back.TileNormalizer.TileInputAlignment'>
|  236 |  True   | <class 'extensions.back.TileNormalizer.TileMultipleAxisReplacer'>
|  237 |  True   | <class 'extensions.back.TileNormalizer.Tile3DReshaper'>
|  238 |  True   | <class 'extensions.back.TileNormalizer.TileVersionDowngrader'>
|  239 |  True   | <class 'extensions.back.ElementwiseOpsToEltwiseOps.SubtractToEltwises'>
|  240 |  False  | <class 'extensions.back.ShufflenetReLUReorder.ShufflenetReLUReorder'>
|  241 |  True   | <class 'extensions.back.SelectBroadcast.SelectBroadcast'>
|  242 |  False  | <class 'extensions.back.ReverseInputChannels.ReverseChannelsPropagationUp'>
|  243 |  False  | <class 'extensions.back.ReverseInputChannels.ReverseChannelsPropagationDown'>
|  244 |  True   | <class 'extensions.back.ResultNormalizer.ResultNormalizer'>
|  245 |  False  | <class 'extensions.back.RemoveUselessConvert.RemoveUselessConvert'>
|  246 |  True   | <class 'extensions.back.remove_last_softmax_pattern.RemoveLastSoftMaxPattern'>
|  247 |  True   | <class 'extensions.back.remove_last_softmax_pattern.RemoveLastLogSoftMaxPattern'>
|  248 |  True   | <class 'extensions.back.ReduceToPooling.ReduceLogicalReplacer'>
|  249 |  True   | <class 'extensions.back.RNNSequenceTypeRename.RNNSequence'>
|  250 |  False  | <class 'extensions.back.ConvolutionNormalizer.PullReshapeThroughFQ'>
|  251 |  True   | <class 'extensions.back.ProposalMutation.ProposalMutation'>
|  252 |  True   | <class 'extensions.back.priorbox_mutation.PriorboxMutation'>
|  253 |  True   | <class 'extensions.back.PadToV7.PadToV7'>
|  254 |  True   | <class 'extensions.back.PackBinaryWeights.PackBinaryWeights'>
|  255 |  False  | <class 'extensions.back.op_versioning.OpVersioning'>
|  256 |  True   | <class 'extensions.back.OneHotNormalizer.OneHotNormalizer'>
|  257 |  False  | <class 'extensions.back.SpecialNodesFinalization.NormalizeTI'>
|  258 |  True   | <class 'extensions.back.NonMaximumSuppressionNormalize.NonMaximumSuppressionNormalizer'>
|  259 |  True   | <class 'extensions.back.fuse_sub_div_min.Negate'>
|  260 |  True   | <class 'extensions.back.fuse_sub_div_min.EltwisesToSubtract'>
|  261 |  True   | <class 'extensions.back.MatMulNormalizer.MatMulConstTransposesExtraction'>
|  262 |  True   | <class 'extensions.back.MatMulNormalizer.MatMulToFullyConnected'>
|  263 |  True   | <class 'extensions.back.MatMulNormalizer.SSBiasAddonForFC'>
|  264 |  True   | <class 'extensions.back.MatMulNormalizer.PullTransposeThroughFQUp'>
|  265 |  True   | <class 'extensions.back.MatMulNormalizer.BiasAddonForFC'>
|  266 |  True   | <class 'extensions.back.MatMulNormalizer.FullyConnectedFinalization'>
|  267 |  True   | <class 'extensions.back.LeakyReluToReluWithNegativeSlope.LeakyReluToReluWithNegativeSlope'>
|  268 |  True   | <class 'extensions.back.LeakyReLUMutation.LeakyReLUMutation'>
|  269 |  True   | <class 'extensions.back.LSTMCellNormalizer.LSTMCellNormalizer'>
|  270 |  True   | <class 'extensions.back.LRNToNorm.LRN_normalization'>
|  271 |  True   | <class 'extensions.back.InterpolateToInterpOrResample.InterpolateToInterpOrResample'>
|  272 |  True   | <class 'extensions.back.ShapeOfToShape.ShapeOfToShape'>
|  273 |  False  | <class 'extensions.back.ReverseInputChannels.InsertReverseChannels'>
|  274 |  True   | <class 'extensions.back.GatherNormalizer.GatherTreeNormalizer'>
|  275 |  True   | <class 'extensions.back.GatherNormalizer.GatherNormalizer'>
|  276 |  True   | <class 'extensions.back.GatherNormalizer.Gather0D'>
|  277 |  True   | <class 'extensions.back.FuseTransposesSequence.FuseTransposesSequence'>
|  278 |  True   | <class 'extensions.back.TransposeReduceFusing.TransposeReduce'>
|  279 |  True   | <class 'extensions.back.ReduceToPooling.ReduceMerge'>
|  280 |  True   | <class 'extensions.back.ReduceToPooling.ReduceReplacer'>
|  281 |  False  | <class 'extensions.back.ScalarConstNormalize.ScalarNormalize'>
|  282 |  True   | <class 'extensions.back.TopKNormalizer.TopKNormalizer'>
|  283 |  True   | <class 'extensions.back.Reshape0DToSqueeze.Reshape0DToSqueeze'>
|  284 |  True   | <class 'extensions.back.MaxPool.MaxPool'>
|  285 |  True   | <class 'extensions.back.ShuffleChannelPatternOptimization.ShuffleChannelPatternOptimization'>
|  286 |  False  | <class 'extensions.back.OptimizeTransposeReshapeSequence.OptimizeTransposeReshapeSequence'>
|  287 |  False  | <class 'extensions.back.ReduceTransposeDimensions.ReduceTransposeDimensions'>
|  288 |  True   | <class 'extensions.back.TransposeToPermute.TransposeToPermute'>
|  289 |  True   | <class 'extensions.back.EnableConstantStridedSlice.EnableConstantStridedSlice'>
|  290 |  True   | <class 'extensions.back.ElementwiseOpsToEltwiseOps.EltwisesWithScalarInputToPower'>
|  291 |  True   | <class 'extensions.back.ElementwiseOpsToEltwiseOps.MulAddPowerMerge'>
|  292 |  True   | <class 'extensions.back.ElementwiseOpsToEltwiseOps.MulPowPowerMerge'>
|  293 |  True   | <class 'extensions.back.ElementwiseOpsToEltwiseOps.AddPowPowerMerge'>
|  294 |  True   | <class 'extensions.back.ElementwiseOpsToEltwiseOps.MulAddPowPowerMerge'>
|  295 |  True   | <class 'extensions.back.fuse_sub_div_min.EltwisesToDiv'>
|  296 |  True   | <class 'extensions.back.DumpFakeQuantStat.DumpFakeQuantStat'>
|  297 |  True   | <class 'extensions.back.ElementwiseOpsToEltwiseOps.DivideToEltwises'>
|  298 |  False  | <class 'extensions.back.disable_unsupported_ND_operations.DisableUnsupportedNDOperations'>
|  299 |  False  | <class 'extensions.back.ReverseInputChannels.DecomposeReverseChannels'>
|  300 |  True   | <class 'extensions.back.CutMemory.CutMemory'>
|  301 |  True   | <class 'extensions.back.CropToStridedSlice.CropToStridedSlice'>
|  302 |  True   | <class 'extensions.back.ConvolutionNormalizer.ConvolutionReshaper'>
|  303 |  True   | <class 'extensions.back.ConvolutionNormalizer.ConvolutionNormalizer'>
|  304 |  True   | <class 'extensions.back.compress_quantized_weights.CompressQuantizeWeights'>
|  305 |  True   | <class 'extensions.back.insert_compatibility_l2normalization.CompatibilityL2NormalizationPattern'>
|  306 |  True   | <class 'extensions.back.NormalizeToNormalizeL2.NormalizeToNormalizeL2'>
|  307 |  True   | <class 'extensions.back.ElementwiseOpsToEltwiseOps.SimpleEltwiseToEltwiseOp'>
|  308 |  True   | <class 'extensions.back.ScalarConstNormalize.ScalarNormalizeForSpecificOps'>
|  309 |  True   | <class 'extensions.back.ScalarConstNormalize.RangeInputNormalize'>
|  310 |  True   | <class 'extensions.back.AvgPool.AvgPool'>
|  311 |  True   | <class 'extensions.back.ReverseInputChannels.ApplyReverseChannels'>
|  312 |  True   | <class 'extensions.back.split_normalizer.SplitNormalizer'>
|  313 |  True   | <class 'extensions.back.ParameterToPlaceholder.ParameterToInput'>
|  314 |  True   | <class 'extensions.back.GroupedConvWeightsNormalize.GroupedConvWeightsNormalize'>
|  315 |  True   | <class 'extensions.back.ConvolutionNormalizer.DeconvolutionNormalizer'>
|  316 |  True   | <class 'extensions.back.StridedSliceMasksNormalizer.StridedSliceMasksNormalizer'>
|  317 |  True   | <class 'extensions.back.ConvolutionNormalizer.ConvolutionWithGroupsResolver'>
|  318 |  True   | <class 'extensions.back.ReshapeMutation.ReshapeMutation'>
|  319 |  True   | <class 'extensions.back.ForceStrictPrecision.ForceStrictPrecision'>
|  320 |  True   | <class 'extensions.back.I64ToI32.I64ToI32'>
|  321 |  True   | <class 'extensions.back.ReshapeMutation.DisableReshapeMutationInTensorIterator'>
|  322 |  True   | <class 'extensions.back.ActivationsNormalizer.ActivationsNormalizer'>
|  323 |  True   | <class 'extensions.back.pass_separator.BackFinish'>
|  324 |  False  | <class 'extensions.back.SpecialNodesFinalization.RemoveConstOps'>
|  325 |  False  | <class 'extensions.back.SpecialNodesFinalization.CreateConstNodesReplacement'>
|  326 |  True   | <class 'extensions.back.kaldi_remove_memory_output.KaldiRemoveMemoryOutputBackReplacementPattern'>
|  327 |  False  | <class 'extensions.back.SpecialNodesFinalization.RemoveOutputOps'>
|  328 |  True   | <class 'extensions.back.blob_normalizer.BlobNormalizer'>
|  329 |  False  | <class 'extensions.middle.MulFakeQuantizeFuse.MulFakeQuantizeFuse'>
|  330 |  False  | <class 'extensions.middle.AddFakeQuantizeFuse.AddFakeQuantizeFuse'>
[ 2020-06-17 10:58:04,054 ] [ DEBUG ] [ class_registration:282 ]  Run replacer <class 'extensions.load.tf.loader.TFLoader'>
[ 2020-06-17 10:58:05,518 ] [ DEBUG ] [ loader:69 ]  Number of nodes in graph_def: 2939
[ 2020-06-17 10:58:05,518 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry StridedSlice to extractors with custom extractor class <class 'mo.front.tf.extractors.strided_slice.StridedSliceFrontExtractor'>.
[ 2020-06-17 10:58:05,520 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry BatchMatMul to extractors with custom extractor class <class 'extensions.front.tf.BatchMatMul_ext.BatchMatMulExtractor'>.
[ 2020-06-17 10:58:05,520 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry BatchMatMulV2 to extractors with custom extractor class <class 'extensions.front.tf.BatchMatMul_ext.BatchMatMulV2Extractor'>.
[ 2020-06-17 10:58:05,520 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry BlockLSTM to extractors with custom extractor class <class 'extensions.front.tf.BlockLSTM_ext.BlockLSTMExtractor'>.
[ 2020-06-17 10:58:05,521 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry CTCGreedyDecoder to extractors with custom extractor class <class 'extensions.front.tf.CTCGreedyDecoder_ext.CTCCGreedyDecoderFrontExtractor'>.
[ 2020-06-17 10:58:05,521 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Cast to extractors with custom extractor class <class 'extensions.front.tf.Cast_ext.CastFrontExtractor'>.
[ 2020-06-17 10:58:05,521 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry FakeQuantWithMinMaxVars to extractors with custom extractor class <class 'extensions.front.tf.FakeQuantWithMinMaxVars_ext.FakeQuantWithMinMaxVarsExtractor'>.
[ 2020-06-17 10:58:05,521 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry GatherTree to extractors with custom extractor class <class 'extensions.front.tf.GatherTree_ext.GatherTreeFrontExtractor'>.
[ 2020-06-17 10:58:05,522 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry IteratorGetNext to extractors with custom extractor class <class 'extensions.front.tf.IteratorGetNext_ext.IteratorGetNextExtractor'>.
[ 2020-06-17 10:58:05,522 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry LoopCond to extractors with custom extractor class <class 'extensions.front.tf.LoopCond_ext.LoopCondFrontExtractor'>.
[ 2020-06-17 10:58:05,522 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry TensorArrayV3 to extractors with custom extractor class <class 'extensions.front.tf.TensorArrayExtractors.TensorArrayExtractor'>.
[ 2020-06-17 10:58:05,522 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry TensorArrayGatherV3 to extractors with custom extractor class <class 'extensions.front.tf.TensorArrayGatherV3.TensorArrayGatherV3Exteractor'>.
[ 2020-06-17 10:58:05,523 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Abs to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.AbsExtractor'>.
[ 2020-06-17 10:58:05,523 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Elu to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.EluFrontExtractor'>.
[ 2020-06-17 10:58:05,523 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Erf to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.ErfFrontExtractor'>.
[ 2020-06-17 10:58:05,523 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Exp to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.ExpExtractor'>.
[ 2020-06-17 10:58:05,524 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry LeakyRelu to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.LeakyReLUFrontExtractor'>.
[ 2020-06-17 10:58:05,524 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry LogicalNot to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.LogicalNotFrontExtractor'>.
[ 2020-06-17 10:58:05,524 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Relu6 to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.Relu6FrontExtractor'>.
[ 2020-06-17 10:58:05,524 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Relu to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.ReluFrontExtractor'>.
[ 2020-06-17 10:58:05,525 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Sigmoid to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.SigmoidFrontExtractor'>.
[ 2020-06-17 10:58:05,525 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Cos to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.CosFrontExtractor'>.
[ 2020-06-17 10:58:05,525 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Cosh to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.CoshFrontExtractor'>.
[ 2020-06-17 10:58:05,525 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Sin to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.SinFrontExtractor'>.
[ 2020-06-17 10:58:05,525 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Sinh to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.SinhFrontExtractor'>.
[ 2020-06-17 10:58:05,525 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Tan to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.TanFrontExtractor'>.
[ 2020-06-17 10:58:05,526 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Tanh to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.TanhFrontExtractor'>.
[ 2020-06-17 10:58:05,526 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry ArgMax to extractors with custom extractor class <class 'extensions.front.tf.argmax_ext.ArgMaxFrontExtractor'>.
[ 2020-06-17 10:58:05,526 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry BatchToSpaceND to extractors with custom extractor class <class 'extensions.front.tf.batch_to_space_ext.SpaceToBatchFrontExtractor'>.
[ 2020-06-17 10:58:05,526 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Bucketize to extractors with custom extractor class <class 'extensions.front.tf.bucketize_ext.BucketizeFrontExtractor'>.
[ 2020-06-17 10:58:05,526 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Concat to extractors with custom extractor class <class 'extensions.front.tf.concat_ext.ConcatFrontExtractor'>.
[ 2020-06-17 10:58:05,526 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Const to extractors with custom extractor class <class 'extensions.front.tf.const_ext.ConstExtractor'>.
[ 2020-06-17 10:58:05,527 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Conv2D to extractors with custom extractor class <class 'extensions.front.tf.conv_ext.Conv2DFrontExtractor'>.
[ 2020-06-17 10:58:05,527 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry DepthwiseConv2dNative to extractors with custom extractor class <class 'extensions.front.tf.conv_ext.DepthwiseConv2dNativeFrontExtractor'>.
[ 2020-06-17 10:58:05,527 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Conv3D to extractors with custom extractor class <class 'extensions.front.tf.conv_ext.Conv3DFrontExtractor'>.
[ 2020-06-17 10:58:05,527 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry CropAndResize to extractors with custom extractor class <class 'extensions.front.tf.crop_and_resize_ext.CropAndResizeFrontExtractor'>.
[ 2020-06-17 10:58:05,527 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Conv2DBackpropInput to extractors with custom extractor class <class 'extensions.front.tf.deconv_ext.Conv2DBackpropInputFrontExtractor'>.
[ 2020-06-17 10:58:05,527 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Conv3DBackpropInputV2 to extractors with custom extractor class <class 'extensions.front.tf.deconv_ext.Conv3DBackpropInputV2InputFrontExtractor'>.
[ 2020-06-17 10:58:05,528 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry DepthToSpace to extractors with custom extractor class <class 'extensions.front.tf.depth_to_space.DepthToSpaceFrontExtractor'>.
[ 2020-06-17 10:58:05,528 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Add to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.AddExtractor'>.
[ 2020-06-17 10:58:05,528 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry AddV2 to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.AddV2Extractor'>.
[ 2020-06-17 10:58:05,528 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry AddN to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.AddNExtractor'>.
[ 2020-06-17 10:58:05,528 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry BiasAdd to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.BiasAddExtractor'>.
[ 2020-06-17 10:58:05,528 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Mul to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.MulExtractor'>.
[ 2020-06-17 10:58:05,529 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Sub to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.SubExtractor'>.
[ 2020-06-17 10:58:05,530 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry RealDiv to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.DivExtractor'>.
[ 2020-06-17 10:58:05,530 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry SquaredDifference to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.SquaredDifferenceExtractor'>.
[ 2020-06-17 10:58:05,531 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Sqrt to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.SqrtExtractor'>.
[ 2020-06-17 10:58:05,531 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Rsqrt to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.RsqrtExtractor'>.
[ 2020-06-17 10:58:05,531 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Square to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.SquareExtractor'>.
[ 2020-06-17 10:58:05,531 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Neg to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.NegExtractor'>.
[ 2020-06-17 10:58:05,531 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry ZerosLike to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.ZerosLike'>.
[ 2020-06-17 10:58:05,531 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Maximum to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.MaximumExtractor'>.
[ 2020-06-17 10:58:05,532 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Minimum to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.MinimumExtractor'>.
[ 2020-06-17 10:58:05,532 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Pow to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.PowExtractor'>.
[ 2020-06-17 10:58:05,532 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry LogicalAnd to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.LogicalAndFrontExtractor'>.
[ 2020-06-17 10:58:05,532 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry LogicalOr to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.LogicalOrFrontExtractor'>.
[ 2020-06-17 10:58:05,532 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Equal to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.EqualExtractor'>.
[ 2020-06-17 10:58:05,532 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry LessEqual to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.LessEqualExtractor'>.
[ 2020-06-17 10:58:05,533 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Less to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.LessExtractor'>.
[ 2020-06-17 10:58:05,533 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Greater to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.GreaterExtractor'>.
[ 2020-06-17 10:58:05,533 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry GreaterEqual to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.GreaterEqualExtractor'>.
[ 2020-06-17 10:58:05,533 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry NotEqual to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.NotEqualExtractor'>.
[ 2020-06-17 10:58:05,533 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry FloorMod to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.FloorModFrontExtractor'>.
[ 2020-06-17 10:58:05,533 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry ExpandDims to extractors with custom extractor class <class 'extensions.front.tf.expand_dims_ext.ExpandDimsExtractor'>.
[ 2020-06-17 10:58:05,534 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry ExtractImagePatches to extractors with custom extractor class <class 'extensions.front.tf.extract_image_patches_ext.ExtractImagePatchesExtractor'>.
[ 2020-06-17 10:58:05,534 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry FIFOQueueV2 to extractors with custom extractor class <class 'extensions.front.tf.fifo_queue_v2_ext.FIFOQueueV2Extractor'>.
[ 2020-06-17 10:58:05,534 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Fill to extractors with custom extractor class <class 'extensions.front.tf.fill_ext.FillExtractor'>.
[ 2020-06-17 10:58:05,534 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Floor to extractors with custom extractor class <class 'extensions.front.tf.floor_ext.FloorExtractor'>.
[ 2020-06-17 10:58:05,534 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Gather to extractors with custom extractor class <class 'extensions.front.tf.gather_ext.GatherFrontExtractor'>.
[ 2020-06-17 10:58:05,534 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry ResourceGather to extractors with custom extractor class <class 'extensions.front.tf.gather_ext.ResourceGatherFrontExtractor'>.
[ 2020-06-17 10:58:05,535 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry GatherV2 to extractors with custom extractor class <class 'extensions.front.tf.gather_ext.GatherV2FrontExtractor'>.
[ 2020-06-17 10:58:05,535 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Identity to extractors with custom extractor class <class 'extensions.front.tf.identity_ext.IdentityFrontExtractor'>.
[ 2020-06-17 10:58:05,535 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry ReadVariableOp to extractors with custom extractor class <class 'extensions.front.tf.identity_ext.ReadVariableOpFrontExtractor'>.
[ 2020-06-17 10:58:05,535 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry StopGradient to extractors with custom extractor class <class 'extensions.front.tf.identity_ext.StopGradientExtractor'>.
[ 2020-06-17 10:58:05,535 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry LRN to extractors with custom extractor class <class 'extensions.front.tf.lrn_ext.LRNExtractor'>.
[ 2020-06-17 10:58:05,535 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry MatMul to extractors with custom extractor class <class 'extensions.front.tf.matmul_ext.MatMulExtractor'>.
[ 2020-06-17 10:58:05,535 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry NextIteration to extractors with custom extractor class <class 'extensions.front.tf.next_iteration_ext.NextIterationExtractor'>.
[ 2020-06-17 10:58:05,536 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry NonMaxSuppressionV3 to extractors with custom extractor class <class 'extensions.front.tf.non_max_suppression_ext.NonMaxSuppressionV3Extractor'>.
[ 2020-06-17 10:58:05,536 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry NonMaxSuppressionV4 to extractors with custom extractor class <class 'extensions.front.tf.non_max_suppression_ext.NonMaxSuppressionV4Extractor'>.
[ 2020-06-17 10:58:05,536 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry NonMaxSuppressionV5 to extractors with custom extractor class <class 'extensions.front.tf.non_max_suppression_ext.NonMaxSuppressionV5Extractor'>.
[ 2020-06-17 10:58:05,536 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry OneHot to extractors with custom extractor class <class 'extensions.front.tf.one_hot_ext.OneHotFrontExtractor'>.
[ 2020-06-17 10:58:05,536 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Pad to extractors with custom extractor class <class 'extensions.front.tf.pad_ext.PadFrontExtractor'>.
[ 2020-06-17 10:58:05,536 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry PadV2 to extractors with custom extractor class <class 'extensions.front.tf.pad_ext.PadV2FrontExtractor'>.
[ 2020-06-17 10:58:05,537 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry MirrorPad to extractors with custom extractor class <class 'extensions.front.tf.pad_ext.MirrorPadFrontExtractor'>.
[ 2020-06-17 10:58:05,537 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Placeholder to extractors with custom extractor class <class 'extensions.front.tf.placeholder_ext.PlaceholderFrontExtractor'>.
[ 2020-06-17 10:58:05,537 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry PlaceholderWithDefault to extractors with custom extractor class <class 'extensions.front.tf.placeholder_with_default_ext.PlaceholderWithDefaultExtractor'>.
[ 2020-06-17 10:58:05,537 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry AvgPool to extractors with custom extractor class <class 'extensions.front.tf.pooling_ext.AvgPoolFrontExtractor'>.
[ 2020-06-17 10:58:05,538 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry MaxPool to extractors with custom extractor class <class 'extensions.front.tf.pooling_ext.MaxPoolFrontExtractor'>.
[ 2020-06-17 10:58:05,538 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry MaxPool3D to extractors with custom extractor class <class 'extensions.front.tf.pooling_ext.MaxPool3DFrontExtractor'>.
[ 2020-06-17 10:58:05,538 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry AvgPool3D to extractors with custom extractor class <class 'extensions.front.tf.pooling_ext.AvgPool3DFrontExtractor'>.
[ 2020-06-17 10:58:05,538 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry All to extractors with custom extractor class <class 'extensions.front.tf.reduce_ext.AllFrontExtractor'>.
[ 2020-06-17 10:58:05,538 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Max to extractors with custom extractor class <class 'extensions.front.tf.reduce_ext.MaxFrontExtractor'>.
[ 2020-06-17 10:58:05,538 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Mean to extractors with custom extractor class <class 'extensions.front.tf.reduce_ext.MeanExtractor'>.
[ 2020-06-17 10:58:05,539 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Prod to extractors with custom extractor class <class 'extensions.front.tf.reduce_ext.ProdFrontExtractor'>.
[ 2020-06-17 10:58:05,541 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Sum to extractors with custom extractor class <class 'extensions.front.tf.reduce_ext.SumFrontExtractor'>.
[ 2020-06-17 10:58:05,541 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Rank to extractors with custom extractor class <class 'extensions.front.tf.reshape_related_ext.RankFrontExtractor'>.
[ 2020-06-17 10:58:05,541 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Reshape to extractors with custom extractor class <class 'extensions.front.tf.reshape_related_ext.ReshapeExtractor'>.
[ 2020-06-17 10:58:05,541 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Shape to extractors with custom extractor class <class 'extensions.front.tf.reshape_related_ext.ShapeExtractor'>.
[ 2020-06-17 10:58:05,541 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Size to extractors with custom extractor class <class 'extensions.front.tf.reshape_related_ext.SizeFrontExtractor'>.
[ 2020-06-17 10:58:05,541 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Squeeze to extractors with custom extractor class <class 'extensions.front.tf.reshape_related_ext.SqueezeExtractor'>.
[ 2020-06-17 10:58:05,542 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry ResizeBilinear to extractors with custom extractor class <class 'extensions.front.tf.resize_bilinear.ResizeBilinearFrontExtractor'>.
[ 2020-06-17 10:58:05,542 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry ResizeNearestNeighbor to extractors with custom extractor class <class 'extensions.front.tf.resize_nearest_neighbor.ResizeNearestNeighborFrontExtractor'>.
[ 2020-06-17 10:58:05,542 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry ReverseSequence to extractors with custom extractor class <class 'extensions.front.tf.reverse_sequence.ReverseSequenceFrontExtractor'>.
[ 2020-06-17 10:58:05,542 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry ReverseV2 to extractors with custom extractor class <class 'extensions.front.tf.reverse_v2.ReverseV2FrontExtractor'>.
[ 2020-06-17 10:58:05,542 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Select to extractors with custom extractor class <class 'extensions.front.tf.select_ext.SelectExtractor'>.
[ 2020-06-17 10:58:05,542 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Sign to extractors with custom extractor class <class 'extensions.front.tf.sign_ext.SignExtractor'>.
[ 2020-06-17 10:58:05,543 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Slice to extractors with custom extractor class <class 'extensions.front.tf.slice_ext.SliceExtractor'>.
[ 2020-06-17 10:58:05,543 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Softmax to extractors with custom extractor class <class 'extensions.front.tf.softmax_ext.SoftmaxFrontExtractor'>.
[ 2020-06-17 10:58:05,543 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry SpaceToBatchND to extractors with custom extractor class <class 'extensions.front.tf.space_to_batch_ext.SpaceToBatchFrontExtractor'>.
[ 2020-06-17 10:58:05,543 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry SpaceToDepth to extractors with custom extractor class <class 'extensions.front.tf.space_to_depth_ext.SpaceToDepthFrontExtractor'>.
[ 2020-06-17 10:58:05,543 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry SparseFillEmptyRows to extractors with custom extractor class <class 'extensions.front.tf.sparse_fill_empty_rows_ext.SparseFillEmptyRowsFrontExtractor'>.
[ 2020-06-17 10:58:05,543 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry SparseSegmentMean to extractors with custom extractor class <class 'extensions.front.tf.sparse_segment_mean_ext.SparseSegmentMeanFrontExtractor'>.
[ 2020-06-17 10:58:05,544 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry SparseSegmentSqrtN to extractors with custom extractor class <class 'extensions.front.tf.sparse_segment_sqrtn_ext.SparseSegmentSqrtNFrontExtractor'>.
[ 2020-06-17 10:58:05,544 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry SparseSegmentSum to extractors with custom extractor class <class 'extensions.front.tf.sparse_segment_sum_ext.SparseSegmentSumFrontExtractor'>.
[ 2020-06-17 10:58:05,544 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry SparseToDense to extractors with custom extractor class <class 'extensions.front.tf.sparse_to_dense_ext.SparseToDenseFrontExtractor'>.
[ 2020-06-17 10:58:05,544 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry SplitV to extractors with custom extractor class <class 'extensions.front.tf.split_ext.SplitVExtractor'>.
[ 2020-06-17 10:58:05,544 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Unpack to extractors with custom extractor class <class 'extensions.front.tf.split_ext.UnpackExtractor'>.
[ 2020-06-17 10:58:05,544 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Split to extractors with custom extractor class <class 'extensions.front.tf.split_ext.SplitExtractor'>.
[ 2020-06-17 10:58:05,544 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Tile to extractors with custom extractor class <class 'extensions.front.tf.tile_ext.TileExtractor'>.
[ 2020-06-17 10:58:05,545 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry TopK to extractors with custom extractor class <class 'extensions.front.tf.topk_ext.TopKExtractor'>.
[ 2020-06-17 10:58:05,545 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry TopKV2 to extractors with custom extractor class <class 'extensions.front.tf.topk_ext.TopKV2Extractor'>.
[ 2020-06-17 10:58:05,545 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Transpose to extractors with custom extractor class <class 'extensions.front.tf.transpose_ext.TransposeFrontExtractorTF'>.
[ 2020-06-17 10:58:05,545 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Unique to extractors with custom extractor class <class 'extensions.front.tf.unique_ext.UniqueFrontExtractor'>.
[ 2020-06-17 10:58:05,545 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry Variable to extractors with custom extractor class <class 'extensions.front.tf.variable_ext.VariableExtractor'>.
[ 2020-06-17 10:58:05,545 ] [ DEBUG ] [ register_custom_ops:74 ]  Added a new entry VariableV2 to extractors with custom extractor class <class 'extensions.front.tf.variable_ext.VariableV2Extractor'>.
[ 2020-06-17 10:58:05,546 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry AttributedGather to extractors with custom op class <class 'extensions.ops.gather.AttributedGather'>.
[ 2020-06-17 10:58:05,546 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Parameter to extractors with custom op class <class 'extensions.ops.parameter.Parameter'>.
[ 2020-06-17 10:58:05,546 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorIterator to extractors with custom op class <class 'extensions.ops.tensor_iterator.TensorIterator'>.
[ 2020-06-17 10:58:05,546 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Clamp to extractors with custom op class <class 'mo.ops.clamp.Clamp'>.
[ 2020-06-17 10:58:05,546 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Convolution to extractors with custom op class <class 'mo.ops.convolution.Convolution'>.
[ 2020-06-17 10:58:05,546 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Crop to extractors with custom op class <class 'mo.ops.crop.Crop'>.
[ 2020-06-17 10:58:05,547 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Activation to extractors with custom op class <class 'mo.ops.activation.Activation'>.
[ 2020-06-17 10:58:05,547 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Broadcast to extractors with custom op class <class 'mo.ops.broadcast.Broadcast'>.
[ 2020-06-17 10:58:05,547 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry ConstantOfShape to extractors with custom op class <class 'mo.ops.constant_of_shape.ConstantOfShape'>.
[ 2020-06-17 10:58:05,547 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Deconvolution to extractors with custom op class <class 'mo.ops.deconvolution.Deconvolution'>.
[ 2020-06-17 10:58:05,547 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry DeformableConvolution to extractors with custom op class <class 'mo.ops.deformable_convolution.DeformableConvolution'>.
[ 2020-06-17 10:58:05,547 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Eltwise to extractors with custom op class <class 'mo.ops.eltwise.Eltwise'>.
[ 2020-06-17 10:58:05,547 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry EltwiseN to extractors with custom op class <class 'mo.ops.eltwise_n.EltwiseN'>.
[ 2020-06-17 10:58:05,548 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry EltwiseNin1 to extractors with custom op class <class 'mo.ops.eltwise_ninputs_in_1.EltwiseNin1'>.
[ 2020-06-17 10:58:05,548 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Flatten to extractors with custom op class <class 'mo.ops.flatten.Flatten'>.
[ 2020-06-17 10:58:05,548 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry FlattenONNX to extractors with custom op class <class 'mo.ops.flatten.FlattenONNX'>.
[ 2020-06-17 10:58:05,548 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry GroupNorm to extractors with custom op class <class 'mo.ops.group_norm.GroupNorm'>.
[ 2020-06-17 10:58:05,548 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry AttributedLRN to extractors with custom op class <class 'mo.ops.lrn.AttributedLRN'>.
[ 2020-06-17 10:58:05,548 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry LstmNonLinearity to extractors with custom op class <class 'mo.ops.lstmnonlinearity.LstmNonLinearity'>.
[ 2020-06-17 10:58:05,549 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Memory to extractors with custom op class <class 'mo.ops.memory.Memory'>.
[ 2020-06-17 10:58:05,550 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry MemoryOffset to extractors with custom op class <class 'mo.ops.memoryoffset.MemoryOffset'>.
[ 2020-06-17 10:58:05,550 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry AttributedPad to extractors with custom op class <class 'mo.ops.pad.AttributedPad'>.
[ 2020-06-17 10:58:05,551 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TFPad to extractors with custom op class <class 'mo.ops.pad.TFPad'>.
[ 2020-06-17 10:58:05,551 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Permute to extractors with custom op class <class 'mo.ops.permute.Permute'>.
[ 2020-06-17 10:58:05,551 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Pooling to extractors with custom op class <class 'mo.ops.pooling.Pooling'>.
[ 2020-06-17 10:58:05,551 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry AttributedPower to extractors with custom op class <class 'mo.ops.power.AttributedPower'>.
[ 2020-06-17 10:58:05,551 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Result to extractors with custom op class <class 'mo.ops.result.Result'>.
[ 2020-06-17 10:58:05,551 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry ROIPooling to extractors with custom op class <class 'mo.ops.roipooling.ROIPooling'>.
[ 2020-06-17 10:58:05,552 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry ScaleShift to extractors with custom op class <class 'mo.ops.scale_shift.ScaleShiftOp'>.
[ 2020-06-17 10:58:05,552 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry ShapeOf to extractors with custom op class <class 'mo.ops.shape.Shape'>.
[ 2020-06-17 10:58:05,552 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry SpaceToBatch to extractors with custom op class <class 'mo.ops.space_to_batch.SpaceToBatch'>.
[ 2020-06-17 10:58:05,552 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry BatchToSpace to extractors with custom op class <class 'mo.ops.space_to_batch.BatchToSpace'>.
[ 2020-06-17 10:58:05,552 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry AttributedTile to extractors with custom op class <class 'mo.ops.tile.AttributedTile'>.
[ 2020-06-17 10:58:05,552 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Unsqueeze to extractors with custom op class <class 'mo.ops.unsqueeze.Unsqueeze'>.
[ 2020-06-17 10:58:05,553 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry DetectionOutput to extractors with custom op class <class 'extensions.ops.DetectionOutput.DetectionOutput'>.
[ 2020-06-17 10:58:05,553 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Enter to extractors with custom op class <class 'extensions.ops.Enter.Enter'>.
[ 2020-06-17 10:58:05,553 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Exit to extractors with custom op class <class 'extensions.ops.Exit.Exit'>.
[ 2020-06-17 10:58:05,553 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry RNN to extractors with custom op class <class 'extensions.ops.RNN.RNN'>.
[ 2020-06-17 10:58:05,553 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry GRU to extractors with custom op class <class 'extensions.ops.GRU.GRU'>.
[ 2020-06-17 10:58:05,553 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry GRUCell to extractors with custom op class <class 'extensions.ops.GRUCell.GRUCell'>.
[ 2020-06-17 10:58:05,553 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry GatherNd to extractors with custom op class <class 'extensions.ops.GatherNd.GatherNd'>.
[ 2020-06-17 10:58:05,554 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry LSTM to extractors with custom op class <class 'extensions.ops.LSTM.LSTM'>.
[ 2020-06-17 10:58:05,554 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Log to extractors with custom op class <class 'extensions.ops.Log.LogOp'>.
[ 2020-06-17 10:58:05,554 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Gemm to extractors with custom op class <class 'extensions.ops.MatMul.GemmONNX'>.
[ 2020-06-17 10:58:05,554 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry FullyConnected to extractors with custom op class <class 'extensions.ops.MatMul.FullyConnected'>.
[ 2020-06-17 10:58:05,554 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry RNNCell to extractors with custom op class <class 'extensions.ops.RNNCell.RNNCell'>.
[ 2020-06-17 10:58:05,554 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Reverse to extractors with custom op class <class 'extensions.ops.Reverse.Reverse'>.
[ 2020-06-17 10:58:05,555 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorArrayReadV3 to extractors with custom op class <class 'extensions.ops.TensorArrayRead.TensorArrayReader'>.
[ 2020-06-17 10:58:05,555 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorArrayScatterV3 to extractors with custom op class <class 'extensions.ops.TensorArrayScatter.TensorArrayScatter'>.
[ 2020-06-17 10:58:05,555 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorArraySizeV3 to extractors with custom op class <class 'extensions.ops.TensorArraySize.TensorArraySize'>.
[ 2020-06-17 10:58:05,555 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorArrayWriteV3 to extractors with custom op class <class 'extensions.ops.TensorArrayWrite.TensorArrayWriter'>.
[ 2020-06-17 10:58:05,555 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorIteratorInput to extractors with custom op class <class 'extensions.ops.TensorIterator_ops.TensorIteratorInput'>.
[ 2020-06-17 10:58:05,555 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorIteratorOutput to extractors with custom op class <class 'extensions.ops.TensorIterator_ops.TensorIteratorOutput'>.
[ 2020-06-17 10:58:05,555 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorIteratorCondition to extractors with custom op class <class 'extensions.ops.TensorIterator_ops.TensorIteratorCondition'>.
[ 2020-06-17 10:58:05,556 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry TensorIteratorBackEdge to extractors with custom op class <class 'extensions.ops.TensorIterator_ops.TensorIteratorBackEdge'>.
[ 2020-06-17 10:58:05,556 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Accum to extractors with custom op class <class 'extensions.ops.accum.AccumOp'>.
[ 2020-06-17 10:58:05,556 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry AdaptiveAvgPooling to extractors with custom op class <class 'extensions.ops.adaptive_avg_pooling.AdaptiveAvgPooling'>.
[ 2020-06-17 10:58:05,556 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Assert to extractors with custom op class <class 'extensions.ops.assert_op.Assert'>.
[ 2020-06-17 10:58:05,556 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry ATen to extractors with custom op class <class 'extensions.ops.aten.ATen'>.
[ 2020-06-17 10:58:05,557 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Axpy to extractors with custom op class <class 'extensions.ops.axpy.AxpyOp'>.
[ 2020-06-17 10:58:05,557 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Binarization to extractors with custom op class <class 'extensions.ops.binarization.Binarization'>.
[ 2020-06-17 10:58:05,557 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry BN to extractors with custom op class <class 'extensions.ops.bn.BNOp'>.
[ 2020-06-17 10:58:05,558 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry _contrib_box_nms to extractors with custom op class <class 'extensions.ops.box_nms.BoxNms'>.
[ 2020-06-17 10:58:05,558 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry ConstantFill to extractors with custom op class <class 'extensions.ops.constant_fill.ConstantFill'>.
[ 2020-06-17 10:58:05,558 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry copy to extractors with custom op class <class 'extensions.ops.copyop.CopyOp'>.
[ 2020-06-17 10:58:05,558 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Correlation to extractors with custom op class <class 'extensions.ops.correlation.CorrelationOp'>.
[ 2020-06-17 10:58:05,558 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry DataAugmentation to extractors with custom op class <class 'extensions.ops.data_augmentation.DataAugmentationOp'>.
[ 2020-06-17 10:58:05,558 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry ExperimentalDetectronDetectionOutput to extractors with custom op class <class 'extensions.ops.detectionoutput_onnx.ExperimentalDetectronDetectionOutput'>.
[ 2020-06-17 10:58:05,559 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry EmbeddingBag to extractors with custom op class <class 'extensions.ops.embedding_bag.EmbeddingBag'>.
[ 2020-06-17 10:58:05,560 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry FakeQuantize to extractors with custom op class <class 'extensions.ops.fakequantize.FakeQuantize'>.
[ 2020-06-17 10:58:05,560 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Gelu to extractors with custom op class <class 'extensions.ops.gelu.GeLUOP'>.
[ 2020-06-17 10:58:05,560 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry GRN to extractors with custom op class <class 'extensions.ops.grn.GRNOp'>.
[ 2020-06-17 10:58:05,561 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry HardSigmoid to extractors with custom op class <class 'extensions.ops.hard_sigmoid.HardSigmoid'>.
[ 2020-06-17 10:58:05,561 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry InstanceNormalization to extractors with custom op class <class 'extensions.ops.instance_normalization.InstanceNormalization'>.
[ 2020-06-17 10:58:05,561 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Interp to extractors with custom op class <class 'extensions.ops.interp.InterpOp'>.
[ 2020-06-17 10:58:05,561 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Interpolate to extractors with custom op class <class 'extensions.ops.interpolate.Interpolate'>.
[ 2020-06-17 10:58:05,561 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry LSTMCell to extractors with custom op class <class 'extensions.ops.lstm_cell.LSTMCell'>.
[ 2020-06-17 10:58:05,561 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry LSTMSequence to extractors with custom op class <class 'extensions.ops.lstm_sequence.LSTMSequence'>.
[ 2020-06-17 10:58:05,562 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Merge to extractors with custom op class <class 'extensions.ops.merge.Merge'>.
[ 2020-06-17 10:58:05,562 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry MVN to extractors with custom op class <class 'extensions.ops.mvn.MVN'>.
[ 2020-06-17 10:58:05,562 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry MXRepeat to extractors with custom op class <class 'extensions.ops.mxrepeat.MXRepeat'>.
[ 2020-06-17 10:58:05,562 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry MXReshape to extractors with custom op class <class 'extensions.ops.mxreshape.MXReshape'>.
[ 2020-06-17 10:58:05,562 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry MXSlice to extractors with custom op class <class 'extensions.ops.mxslice.MXSlice'>.
[ 2020-06-17 10:58:05,562 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry NonMaxSuppression to extractors with custom op class <class 'extensions.ops.non_max_suppression.NonMaxSuppression'>.
[ 2020-06-17 10:58:05,563 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry NonZero to extractors with custom op class <class 'extensions.ops.non_zero.NonZero'>.
[ 2020-06-17 10:58:05,563 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Normalize to extractors with custom op class <class 'extensions.ops.normalize.NormalizeOp'>.
[ 2020-06-17 10:58:05,563 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry NormalizeL2 to extractors with custom op class <class 'extensions.ops.normalize_l2.NormalizeL2Op'>.
[ 2020-06-17 10:58:05,563 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry pnorm to extractors with custom op class <class 'extensions.ops.pnorm.PNormOp'>.
[ 2020-06-17 10:58:05,563 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry PowerFile to extractors with custom op class <class 'extensions.ops.power_file.PowerFileOp'>.
[ 2020-06-17 10:58:05,563 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry PredictionHeatmap to extractors with custom op class <class 'extensions.ops.prediction_heatmap.PredictionHeatmapOp'>.
[ 2020-06-17 10:58:05,564 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry PReLU to extractors with custom op class <class 'extensions.ops.prelu.PreluOp'>.
[ 2020-06-17 10:58:05,564 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry PriorBox to extractors with custom op class <class 'extensions.ops.priorbox.PriorBoxOp'>.
[ 2020-06-17 10:58:05,564 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry PriorBoxClustered to extractors with custom op class <class 'extensions.ops.priorbox_clustered.PriorBoxClusteredOp'>.
[ 2020-06-17 10:58:05,564 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry ExperimentalDetectronPriorGridGenerator to extractors with custom op class <class 'extensions.ops.priorgridgenerator_onnx.ExperimentalDetectronPriorGridGenerator'>.
[ 2020-06-17 10:58:05,564 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Proposal to extractors with custom op class <class 'extensions.ops.proposal.ProposalOp'>.
[ 2020-06-17 10:58:05,564 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry ExperimentalDetectronGenerateProposalsSingleImage to extractors with custom op class <class 'extensions.ops.proposal_onnx.ExperimentalDetectronGenerateProposalsSingleImage'>.
[ 2020-06-17 10:58:05,564 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry PSROIPooling to extractors with custom op class <class 'extensions.ops.psroipooling.PSROIPoolingOp'>.
[ 2020-06-17 10:58:05,565 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Range to extractors with custom op class <class 'extensions.ops.range.Range'>.
[ 2020-06-17 10:58:05,565 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry RegionYolo to extractors with custom op class <class 'extensions.ops.regionyolo.RegionYoloOp'>.
[ 2020-06-17 10:58:05,565 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry ReorgYolo to extractors with custom op class <class 'extensions.ops.reorgyolo.ReorgYoloOp'>.
[ 2020-06-17 10:58:05,565 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Resample to extractors with custom op class <class 'extensions.ops.resample.ResampleOp'>.
[ 2020-06-17 10:58:05,565 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Resize to extractors with custom op class <class 'extensions.ops.resize.ResizeOp'>.
[ 2020-06-17 10:58:05,565 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry ExperimentalDetectronROIFeatureExtractor to extractors with custom op class <class 'extensions.ops.roifeatureextractor_onnx.ExperimentalDetectronROIFeatureExtractor'>.
[ 2020-06-17 10:58:05,566 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry ShuffleChannel to extractors with custom op class <class 'extensions.ops.shufflechannel.ShuffleChannelOp'>.
[ 2020-06-17 10:58:05,566 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry SimplerNMS to extractors with custom op class <class 'extensions.ops.simplernms.SimplerNMSOp'>.
[ 2020-06-17 10:58:05,566 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry SparseReshape to extractors with custom op class <class 'extensions.ops.sparse_reshape.SparseReshape'>.
[ 2020-06-17 10:58:05,566 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry ExperimentalSparseWeightedSum to extractors with custom op class <class 'extensions.ops.sparse_weighted_sum.ExperimentalSparseWeightedSum'>.
[ 2020-06-17 10:58:05,566 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry SpatialTransformer to extractors with custom op class <class 'extensions.ops.spatial_transformer.SpatialTransformOp'>.
[ 2020-06-17 10:58:05,566 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Splice to extractors with custom op class <class 'extensions.ops.splice.Splice'>.
[ 2020-06-17 10:58:05,567 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry SwapAxis to extractors with custom op class <class 'extensions.ops.swapaxis.SwapAxis'>.
[ 2020-06-17 10:58:05,567 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Switch to extractors with custom op class <class 'extensions.ops.switch.Switch'>.
[ 2020-06-17 10:58:05,567 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry ExperimentalDetectronTopKROIs to extractors with custom op class <class 'extensions.ops.topkrois_onnx.ExperimentalDetectronTopKROIs'>.
[ 2020-06-17 10:58:05,567 ] [ DEBUG ] [ register_custom_ops:104 ]  Added a new entry Upsample to extractors with custom op class <class 'extensions.ops.upsample.UpsampleOp'>.
[ WARNING ]  Node attributes: {'pb': name: "label_limit_layer_1/Const"
op: "Const"
attr {
  key: "dtype"
  value {
    type: DT_STRING
  }
}
attr {
  key: "value"
  value {
    tensor {
      dtype: DT_STRING
      tensor_shape {
        dim {
          size: 1
        }
        dim {
          size: 538
        }
      }
      string_val: "Porsche{996"
      string_val: "Jaguar{E-Type"
      string_val: "Porsche{992"
      string_val: "Renault{Grand Modus"
      string_val: "Peugeot{508"
      string_val: "Porsche{356"
      string_val: "Jaguar{F-Type"
      string_val: "Nissan{Pulsar"
      string_val: "Volkswagen{Golf"
      string_val: "Toyota{GT86"
      string_val: "Opel{Mokka X"
      string_val: "Opel{Frontera"
      string_val: "Mercedes-Benz{GLA"
      string_val: "Chevrolet{Cruze"
      string_val: "Alfa Romeo{156"
      string_val: "Nissan{X-Trail"
      string_val: "Porsche{944"
      string_val: "Toyota{C-HR"
      string_val: "Ssangyong{REXTON"
      string_val: "Porsche{914"
      string_val: "Volkswagen{Transporter"
      string_val: "Citro\303\253n{C4"
      string_val: "Porsche{991"
      string_val: "Subaru{Outback"
      string_val: "Alfa Romeo{GT"
      string_val: "Dodge{Challenger"
      string_val: "BMW{3 Reihe"
      string_val: "Pontiac{Firebird"
      string_val: "Mitsubishi{ASX"
      string_val: "Subaru{Justy"
      string_val: "Rover{75"
      string_val: "Chevrolet{Captiva"
      string_val: "Kia{Rio"
      string_val: "Seat{Tarraco"
      string_val: "Ferrari{458"
      string_val: "Volkswagen{New Beetle"
      string_val: "Ford{Fusion"
      string_val: "Volkswagen{Vento"
      string_val: "Fiat{Freemont"
      string_val: "Mercedes-Benz{CLS"
      string_val: "BMW{X1"
      string_val: "Abarth{595C"
      string_val: "Suzuki{Celerio"
      string_val: "Peugeot{107"
      string_val: "Skoda{Kodiaq"
      string_val: "Volkswagen{Corrado"
      string_val: "Mercedes-Benz{200"
      string_val: "Opel{Crossland X"
      string_val: "MINI{Cooper Countryman"
      string_val: "BMW{M2"
      string_val: "Mercedes-Benz{G"
      string_val: "Triumph{TR6"
      string_val: "Volkswagen{Polo"
      string_val: "Ford{Kuga"
      string_val: "Lexus{IS 300"
      string_val: "Mercedes-Benz{ML"
      string_val: "Toyota{Prius+"
      string_val: "Mercedes-Benz{A AMG"
      string_val: "Opel{Insignia"
      string_val: "Ford{EcoSport"
      string_val: "Peugeot{Expert"
      string_val: "Audi{A1"
      string_val: "Fiat{Stilo"
      string_val: "Peugeot{5008"
      string_val: "Dacia{Sandero"
      string_val: "Volvo{V90"
      string_val: "Mercedes-Benz{C AMG"
      string_val: "Maserati{Granturismo"
      string_val: "Porsche{Panamera"
      string_val: "Lancia{Delta"
      string_val: "BMW{Z3"
      string_val: "Hyundai{Tucson"
      string_val: "Porsche{993"
      string_val: "Seat{Alhambra"
      string_val: "BMW{2"
      string_val: "Fiat{500L"
      string_val: "Jaguar{XJ"
      string_val: "Corvette{C7"
      string_val: "Alfa Romeo{Stelvio"
      string_val: "MINI{Cooper Cabrio"
      string_val: "Toyota{IQ"
      string_val: "Volkswagen{Touran"
      string_val: "Jaguar{S-Type"
      string_val: "BMW{I3"
      string_val: "Audi{Q2"
      string_val: "Maserati{Quattroporte"
      string_val: "Nissan{Murano"
      string_val: "Kia{Ceed"
      string_val: "Alfa Romeo{159"
      string_val: "BMW{M1"
      string_val: "Volkswagen{Tiguan"
      string_val: "MINI{One"
      string_val: "Mercedes-Benz{Vito"
      string_val: "Skoda{Yeti"
      string_val: "Opel{Kadett"
      string_val: "Subaru{Forester"
      string_val: "Opel{Tigra"
      string_val: "Land Rover{Range Rover"
      string_val: "Abarth{595 Turismo"
      string_val: "Porsche{930"
      string_val: "Volkswagen{Bora"
      string_val: "Suzuki{SX4"
      string_val: "Land Rover{Range Rover Evoque"
      string_val: "Opel{Signum"
      string_val: "Ford{Ranger"
      string_val: "Smart{Roadster"
      string_val: "Nissan{Note"
      string_val: "Chevrolet{Matiz"
      string_val: "Volkswagen{T-Cross"
      string_val: "BMW{X6"
      string_val: "Volvo{XC60"
      string_val: "Volvo{V70"
      string_val: "Volvo{XC40"
      string_val: "Nissan{NV200"
      string_val: "Mercedes-Benz{C"
      string_val: "Peugeot{207"
      string_val: "Peugeot{406"
      string_val: "Fiat{500C"
      string_val: "Honda{CR-V"
      string_val: "Toyota{Land Cruiser"
      string_val: "Mercedes-Benz{Citan"
      string_val: "Dodge{Charger"
      string_val: "Peugeot{3008"
      string_val: "Saab{900"
      string_val: "BMW{M5"
      string_val: "Honda{Civic"
      string_val: "Piaggio{APE"
      string_val: "Skoda{Superb"
      string_val: "Saab{9-5"
      string_val: "Audi{Cabriolet"
      string_val: "Seat{Arona"
      string_val: "Nissan{Patrol"
      string_val: "Mercedes-Benz{B"
      string_val: "BMW{7"
      string_val: "Renault{Clio"
      string_val: "Renault{Kadjar"
      string_val: "Porsche{Cayman"
      string_val: "Ford{Mustang"
      string_val: "Peugeot{208"
      string_val: "Suzuki{SX4 S-Cross"
      string_val: "Suzuki{Ignis"
      string_val: "Opel{Zafira"
      string_val: "Jeep{Compass"
      string_val: "Mazda{MX-5"
      string_val: "Fiat{124 Spider"
      string_val: "Maserati{Levante"
      string_val: "Peugeot{607"
      string_val: "Opel{Ascona"
      string_val: "Fiat{Seicento"
      string_val: "Renault{Laguna"
      string_val: "Toyota{Camry"
      string_val: "Audi{A5"
      string_val: "Opel{Vectra"
      string_val: "Mercedes-Benz{CLS Shooting Brake"
      string_val: "BMW{X2"
      string_val: "Opel{Agila"
      string_val: "BMW{6 Gran Coup\303\251"
      string_val: "Subaru{WRX STI"
      string_val: "Seat{Arosa"
      string_val: "Skoda{Citigo"
      string_val: "Peugeot{Boxer"
      string_val: "BMW{6 GT"
      string_val: "Mitsubishi{Eclipse Cross"
      string_val: "Porsche{924"
      string_val: "Chevrolet{Spark"
      string_val: "Renault{Koleos"
      string_val: "Toyota{Auris"
      string_val: "Volvo{XC70"
      string_val: "Ferrari{California"
      string_val: "MINI{Cooper S Cabrio"
      string_val: "Abarth{595"
      string_val: "Jaguar{XK"
      string_val: "BMW{Z4"
      string_val: "Mercedes-Benz{SL AMG"
      string_val: "Rolls-Royce{Wraith"
      string_val: "Nissan{Qashqai+2"
      string_val: "Mazda{6"
      string_val: "Fiat{Bravo"
      string_val: "MINI{Cooper S Clubman"
      string_val: "Hyundai{I20"
      string_val: "Toyota{Proace"
      string_val: "Renault{Captur"
      string_val: "Peugeot{2008"
      string_val: "MINI{Cooper"
      string_val: "Audi{80"
      string_val: "Porsche{Boxster"
      string_val: "Nissan{Pathfinder"
      string_val: "Opel{Grandland X"
      string_val: "Suzuki{Vitara"
      string_val: "BMW{1 Reihe"
      string_val: "Opel{Meriva"
      string_val: "Citro\303\253n{C3 Aircross"
      string_val: "Citro\303\253n{Xsara"
      string_val: "Dacia{Dokker"
      string_val: "Saab{9-3"
      string_val: "Audi{E-tron"
      string_val: "Volkswagen{Beetle"
      string_val: "Opel{Antara"
      string_val: "Volvo{V40"
      string_val: "Mercedes-Benz{GLE AMG"
      string_val: "Hyundai{Matrix"
      string_val: "Alfa Romeo{Spider"
      string_val: "Renault{Kangoo"
      string_val: "BMW{8"
      string_val: "Audi{A3"
      string_val: "Peugeot{307"
      string_val: "Volkswagen{Jetta"
      string_val: "Volvo{S40"
      string_val: "Mazda{CX-3"
      string_val: "Fiat{Panda"
      string_val: "Kia{Carnival"
      string_val: "Audi{A2"
      string_val: "Renault{Grand Scenic"
      string_val: "Volkswagen{Arteon"
      string_val: "Aston Martin{V8 Vantage"
      string_val: "BMW{I8"
      string_val: "Citro\303\253n{C3 Picasso"
      string_val: "Toyota{RAV 4"
      string_val: "Chrysler{Cruiser"
      string_val: "Lexus{CT 200h"
      string_val: "Ford{S-Max"
      string_val: "Peugeot{308"
      string_val: "Mitsubishi{Lancer"
      string_val: "Volkswagen{Crafter"
      string_val: "Volkswagen{Eos"
      string_val: "Volvo{V50"
      string_val: "Peugeot{807"
      string_val: "Opel{Corsa"
      string_val: "Suzuki{Baleno"
      string_val: "Citro\303\253n{DS5"
      string_val: "Hyundai{I40"
      string_val: "Mercedes-Benz{E"
      string_val: "Mazda{Premacy"
      string_val: "Kia{Stonic"
      string_val: "Opel{Calibra"
      string_val: "Lancia{MUSA"
      string_val: "Ford{Escort"
      string_val: "Volkswagen{Up!"
      string_val: "Daihatsu{Cuore"
      string_val: "Daihatsu{Sirion"
      string_val: "Opel{Adam"
      string_val: "Suzuki{Splash"
      string_val: "Chrysler{Sebring"
      string_val: "Suzuki{Wagon R+"
      string_val: "Suzuki{Jimny"
      string_val: "Lexus{NX 300"
      string_val: "Volkswagen{Amarok"
      string_val: "Jeep{Cherokee"
      string_val: "Nissan{Qashqai"
      string_val: "Peugeot{Rifter"
      string_val: "MINI{John Cooper Works Cabrio"
      string_val: "MINI{Cooper Clubman"
      string_val: "Porsche{Cayenne"
      string_val: "Peugeot{RCZ"
      string_val: "Volvo{C70"
      string_val: "Alfa Romeo{Giulia"
      string_val: "Opel{Movano"
      string_val: "ALPINA{B3"
      string_val: "Volkswagen{Karmann Ghia"
      string_val: "Porsche{911 Urmodell"
      string_val: "Jaguar{X-Type"
      string_val: "BMW{4"
      string_val: "Skoda{Rapid"
      string_val: "Mercedes-Benz{CE"
      string_val: "Volkswagen{LT"
      string_val: "Land Rover{Freelander"
      string_val: "Fiat{Punto"
      string_val: "Lamborghini{Gallardo"
      string_val: "Chrysler{Grand Voyager"
      string_val: "Kia{Venga"
      string_val: "Volkswagen{Caddy"
      string_val: "MINI{Cooper{S"
      string_val: "Citro\303\253n{C2"
      string_val: "Opel{Astra"
      string_val: "Hyundai{Kona"
      string_val: "Citro\303\253n{C4 Aircross"
      string_val: "Opel{Omega"
      string_val: "Renault{Espace"
      string_val: "Opel{GT"
      string_val: "Honda{HR-V"
      string_val: "Volkswagen{Passat"
      string_val: "Volkswagen{Lupo"
      string_val: "Mercedes-Benz{R"
      string_val: "Rolls-Royce{Phantom"
      string_val: "Volvo{850"
      string_val: "Toyota{Aygo"
      string_val: "Porsche{928"
      string_val: "Mercedes-Benz{CLA AMG Shooting Brake"
      string_val: "Audi{Q5"
      string_val: "Fiat{Linea"
      string_val: "Seat{Ateca"
      string_val: "Ssangyong{Korando"
      string_val: "Mazda{626"
      string_val: "BMW{2 Active Tourer"
      string_val: "Citro\303\253n{Berlingo"
      string_val: "Mercedes-Benz{A"
      string_val: "Dacia{Lodgy"
      string_val: "BMW{X5"
      string_val: "Fiat{Sedici"
      string_val: "Chevrolet{Camaro"
      string_val: "Seat{Exeo"
      string_val: "Kia{Picanto"
      string_val: "Volvo{XC90"
      string_val: "Subaru{Impreza"
      string_val: "BMW{5 Reihe"
      string_val: "Opel{Rekord"
      string_val: "Seat{Cordoba"
      string_val: "Opel{Cascada"
      string_val: "Ford{B-Max"
      string_val: "Rolls-Royce{Ghost"
      string_val: "Honda{Accord"
      string_val: "Audi{Q7"
      string_val: "Mercedes-Benz{SLK"
      string_val: "Fiat{Doblo"
      string_val: "Mitsubishi{Colt"
      string_val: "Alfa Romeo{MiTo"
      string_val: "Suzuki{Liana"
      string_val: "Porsche{964"
      string_val: "Lancia{Ypsilon"
      string_val: "Hyundai{Ix35"
      string_val: "Mercedes-Benz{CLK"
      string_val: "Mercedes-Benz{AMG GT"
      string_val: "Fiat{500L{Cross"
      string_val: "Mercedes-Benz{300"
      string_val: "Subaru{XV"
      string_val: "Fiat{Croma"
      string_val: "Ford{Fiesta"
      string_val: "Mercedes-Benz{AMG GT C"
      string_val: "Kia{Carens"
      string_val: "Ford{Transit"
      string_val: "Skoda{Scala"
      string_val: "Citro\303\253n{Xsara Picasso"
      string_val: "Citro\303\253n{C1"
      string_val: "Peugeot{Bipper"
      string_val: "Mercedes-Benz{CLC"
      string_val: "Land Rover{Discovery"
      string_val: "Nissan{Primera"
      string_val: "Mazda{CX-5"
      string_val: "Nissan{NV300"
      string_val: "Opel{Karl"
      string_val: "Volvo{V60"
      string_val: "Skoda{Octavia"
      string_val: "Audi{A7"
      string_val: "Smart{ForTwo"
      string_val: "Hyundai{I10"
      string_val: "Maserati{Ghibli"
      string_val: "Seat{Mii"
      string_val: "Ford{C-Max"
      string_val: "Suzuki{Grand Vitara"
      string_val: "Mazda{2"
      string_val: "Abarth{595 Competizione"
      string_val: "Peugeot{206"
      string_val: "Hyundai{Ix20"
      string_val: "BMW{M3"
      string_val: "Nissan{Pixo"
      string_val: "Kia{Niro"
      string_val: "Skoda{Fabia"
      string_val: "Volvo{S80"
      string_val: "Dacia{Logan"
      string_val: "Peugeot{Traveller"
      string_val: "Mercedes-Benz{CLA"
      string_val: "Nissan{370Z"
      string_val: "Mercedes-Benz{CLS AMG"
      string_val: "BMW{3 GT"
      string_val: "BMW{1"
      string_val: "Porsche{912"
      string_val: "Volkswagen{K\303\244fer"
      string_val: "Volvo{C30"
      string_val: "Mercedes-Benz{SLS AMG"
      string_val: "Fiat{Tipo"
      string_val: "Jaguar{XE"
      string_val: "Hyundai{Getz"
      string_val: "BMW{X3"
      string_val: "BMW{5"
      string_val: "Opel{Mokka"
      string_val: "Toyota{Celica"
      string_val: "Mercedes-Benz{GLC AMG"
      string_val: "Toyota{Hilux"
      string_val: "Skoda{Roomster"
      string_val: "Mercedes-Benz{CLA AMG"
      string_val: "Kia{Optima"
      string_val: "BMW{5 GT"
      string_val: "Infiniti{Q30"
      string_val: "Seat{Toledo"
      string_val: "Mitsubishi{Outlander"
      string_val: "Suzuki{Swift"
      string_val: "Mitsubishi{Grandis"
      string_val: "Piaggio{Porter"
      string_val: "Suzuki{Alto"
      string_val: "Renault{Thalia"
      string_val: "Mercedes-Benz{CLA Shooting Brake"
      string_val: "BMW{3"
      string_val: "Mazda{3"
      string_val: "Nissan{Leaf"
      string_val: "Ford{Mondeo"
      string_val: "Citro\303\253n{DS3"
      string_val: "Mercedes-Benz{AMG GT S"
      string_val: "Mazda{CX-7"
      string_val: "Citro\303\253n{C4 Cactus"
      string_val: "Land Rover{Range Rover Sport"
      string_val: "Mercedes-Benz{GL"
      string_val: "Nissan{Navara"
      string_val: "Trabant{601"
      string_val: "Nissan{Almera"
      string_val: "Peugeot{Partner"
      string_val: "Mercedes-Benz{CL AMG"
      string_val: "Fiat{500S"
      string_val: "Chevrolet{Aveo"
      string_val: "Ferrari{F430"
      string_val: "Porsche{Macan"
      string_val: "Nissan{Micra"
      string_val: "MINI{Cooper S Countryman"
      string_val: "Mercedes-Benz{SL"
      string_val: "Mercedes-Benz{500"
      string_val: "Porsche{968"
      string_val: "Toyota{Avensis"
      string_val: "Porsche{997"
      string_val: "BMW{6"
      string_val: "Mitsubishi{Pajero"
      string_val: "Fiat{Barchetta"
      string_val: "Citro\303\253n{C3"
      string_val: "Jeep{Renegade"
      string_val: "Jaguar{F-Pace"
      string_val: "Mitsubishi{Galant"
      string_val: "Abarth{500"
      string_val: "Opel{Vivaro"
      string_val: "Volkswagen{Phaeton"
      string_val: "Ford{Focus"
      string_val: "Smart{ForFour"
      string_val: "Kia{Stinger"
      string_val: "Seat{Ibiza"
      string_val: "BMW{4{Gran Coup\303\251"
      string_val: "Chrysler{Voyager"
      string_val: "Volvo{S90"
      string_val: "Peugeot{108"
      string_val: "Ssangyong{XLV"
      string_val: "Lamborghini{Aventador"
      string_val: "Nissan{GT-R"
      string_val: "Peugeot{106"
      string_val: "Seat{Altea"
      string_val: "Toyota{Yaris"
      string_val: "Skoda{Karoq"
      string_val: "Jaguar{XF"
      string_val: "Mercedes-Benz{S"
      string_val: "Ford{Ka"
      string_val: "Nissan{Almera{Tino"
      string_val: "Mercedes-Benz{SLC"
      string_val: "Ferrari{360"
      string_val: "BMW{M4"
      string_val: "Fiat{500"
      string_val: "Toyota{Prius"
      string_val: "Mitsubishi{Plug-in Hybrid Outlander"
      string_val: "Volkswagen{T-Roc"
      string_val: "Fiat{500X"
      string_val: "Mercedes-Benz{S AMG"
      string_val: "Renault{Megane"
      string_val: "Infiniti{Q50"
      string_val: "MINI{John Cooper Works"
      string_val: "Mazda{5"
      string_val: "Audi{A4"
      string_val: "Lamborghini{Hurac\303\241n"
      string_val: "Citro\303\253n{C4 Picasso"
      string_val: "Toyota{Corolla"
      string_val: "Kia{Sorento"
      string_val: "Renault{Twingo"
      string_val: "Audi{TT"
      string_val: "Peugeot{306"
      string_val: "Volkswagen{Touareg"
      string_val: "Mitsubishi{Carisma"
      string_val: "Mercedes-Benz{E AMG"
      string_val: "Mercedes-Benz{GLK"
      string_val: "Ford{Galaxy"
      string_val: "Ford{Streetka"
      string_val: "Hyundai{I30"
      string_val: "Citro\303\253n{C8"
      string_val: "Volkswagen{Fox"
      string_val: "BMW{X4"
      string_val: "Mercedes-Benz{400"
      string_val: "Citro\303\253n{C5"
      string_val: "Hyundai{Santa Fe"
      string_val: "Tesla{Model{X"
      string_val: "Ford{Edge"
      string_val: "Mitsubishi{Space Star"
      string_val: "Alfa Romeo{147"
      string_val: "Chrysler{300C"
      string_val: "Nissan{Juke"
      string_val: "Peugeot{1007"
      string_val: "Subaru{Legacy"
      string_val: "Renault{Wind"
      string_val: "Jaguar{XKR"
      string_val: "Citro\303\253n{DS4"
      string_val: "Renault{Scenic"
      string_val: "Honda{Jazz"
      string_val: "Tesla{Model{S"
      string_val: "Bentley{Continental"
      string_val: "Ssangyong{MUSSO"
      string_val: "Mazda{323"
      string_val: "Land Rover{Range Rover Velar"
      string_val: "Toyota{MR 2"
      string_val: "Ssangyong{Tivoli"
      string_val: "BMW{M6"
      string_val: "Renault{Grand Espace"
      string_val: "Renault{Talisman"
      string_val: "Volvo{S60"
      string_val: "Bentley{Bentayga"
      string_val: "Mercedes-Benz{GLC"
      string_val: "Renault{Alaskan"
      string_val: "Fiat{Idea"
      string_val: "Renault{Trafic"
      string_val: "Volkswagen{Sharan"
      string_val: "Jaguar{E-Pace"
      string_val: "Audi{A8"
      string_val: "Lexus{RX{400"
      string_val: "Corvette{C3"
      string_val: "Chevrolet{Kalos"
      string_val: "Mercedes-Benz{GLE"
      string_val: "Dacia{Duster"
      string_val: "Mercedes-Benz{190"
      string_val: "Audi{Q3"
      string_val: "Opel{Combo"
      string_val: "Renault{ZOE"
      string_val: "Kia{Soul"
      string_val: "Volkswagen{Scirocco"
      string_val: "Mercedes-Benz{GLS"
      string_val: "Subaru{BRZ"
      string_val: "Renault{Master"
      string_val: "Peugeot{407"
      string_val: "Kia{Sportage"
      string_val: "Audi{Q8"
      string_val: "Hyundai{IONIQ"
      string_val: "Seat{Leon"
      string_val: "Mercedes-Benz{CL"
      string_val: "Renault{Modus"
      string_val: "Mitsubishi{L200"
      string_val: "Peugeot{205"
      string_val: "Audi{A6"
      string_val: "Audi{100"
      string_val: "Skoda{Kamiq"
    }
  }
}
, '_in_ports': {}, '_out_ports': {}, 'kind': 'op', 'name': 'label_limit_layer_1/Const', 'op': 'Const'}
[ ERROR ]  Exception occurred during running replacer "REPLACEMENT_ID" (<class 'extensions.load.tf.loader.TFLoader'>): Unexpected exception happened during extracting attributes for node label_limit_layer_1/strided_slice.
Original exception message: 'ascii' codec can't decode byte 0xc3 in position 5: ordinal not in range(128)
[ 2020-06-17 10:58:06,379 ] [ DEBUG ] [ main:317 ]  Traceback (most recent call last):
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\front\extractor.py", line 746, in extract_node_attrs
    supported, new_attrs = extractor(Node(graph, node))
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\extensions\load\tf\loader.py", line 100, in <lambda>
    extract_node_attrs(graph, lambda node: tf_op_extractor(node, check_for_duplicates(tf_op_extractors)))
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\front\tf\extractor.py", line 89, in tf_op_extractor
    attrs = tf_op_extractors[op](node)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\front\common\register_custom_ops.py", line 96, in <lambda>
    node, cls, disable_omitting_optional, enable_flattening_optional_params),
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\front\common\register_custom_ops.py", line 29, in extension_extractor
    supported = ex.extract(node)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\extensions\front\tf\const_ext.py", line 32, in extract
    'value': tf_tensor_content(pb_tensor.dtype, shape, pb_tensor),
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\front\tf\extractors\utils.py", line 75, in tf_tensor_content
    value = np.array(type_helper[1](pb_tensor), dtype=type_helper[0])
UnicodeDecodeError: 'ascii' codec can't decode byte 0xc3 in position 5: ordinal not in range(128)

The above exception was the direct cause of the following exception:

Traceback (most recent call last):
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 288, in apply_transform
    for_graph_and_each_sub_graph_recursively(graph, replacer.find_and_replace_pattern)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\middle\pattern_match.py", line 58, in for_graph_and_each_sub_graph_recursively
    func(graph)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\extensions\load\loader.py", line 27, in find_and_replace_pattern
    self.load(graph)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\extensions\load\tf\loader.py", line 100, in load
    extract_node_attrs(graph, lambda node: tf_op_extractor(node, check_for_duplicates(tf_op_extractors)))
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\front\extractor.py", line 754, in extract_node_attrs
    ) from e
mo.utils.error.Error: Unexpected exception happened during extracting attributes for node label_limit_layer_1/strided_slice.
Original exception message: 'ascii' codec can't decode byte 0xc3 in position 5: ordinal not in range(128)

The above exception was the direct cause of the following exception:

Traceback (most recent call last):
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\main.py", line 307, in main
    return driver(argv)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\main.py", line 272, in driver
    ret_res = emit_ir(prepare_ir(argv), argv)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\main.py", line 237, in prepare_ir
    graph = unified_pipeline(argv)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\pipeline\unified.py", line 29, in unified_pipeline
    class_registration.ClassType.BACK_REPLACER
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 334, in apply_replacements
    apply_replacements_list(graph, replacers_order)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 324, in apply_replacements_list
    num_transforms=len(replacers_order))
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\utils\logger.py", line 124, in wrapper
    function(*args, **kwargs)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 304, in apply_transform
    )) from err
mo.utils.error.Error: Exception occurred during running replacer "REPLACEMENT_ID" (<class 'extensions.load.tf.loader.TFLoader'>): Unexpected exception happened during extracting attributes for node label_limit_layer_1/strided_slice.
Original exception message: 'ascii' codec can't decode byte 0xc3 in position 5: ordinal not in range(128)

 

 
0 Kudos
2 Replies
Nemes__Adam
Beginner
917 Views

I did a workaround by removing the special characters from the pb,

let me know if there is a better way

But now I get the following ERROR:

[ 2020-06-17 11:56:03,470 ] [ DEBUG ] [ emitter:90 ]  Detected binary for graph: 'original_nospec', node: 'label_limit_layer_1/Gather/concat_1/Output_0/Data_63751', id: 5109, shape: '[2]', offset: '82342296', size: '16'
[ ERROR ]  Data type "<U36" is not supported
[ 2020-06-17 11:56:03,501 ] [ DEBUG ] [ main:317 ]  Traceback (most recent call last):
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\main.py", line 307, in main
    return driver(argv)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\main.py", line 272, in driver
    ret_res = emit_ir(prepare_ir(argv), argv)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\main.py", line 256, in emit_ir
    meta_info=get_meta_info(argv))
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\pipeline\common.py", line 240, in prepare_emit_ir
    serialize_constants(graph, bin_file)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\back\ie_ir_ver_2\emitter.py", line 43, in serialize_constants
    serialize_constants_recursively(graph, bin_file, data_type, bin_hashes)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\back\ie_ir_ver_2\emitter.py", line 79, in serialize_constants_recursively
    graph.node[node.node]['blob_precision'] = np_data_type_to_precision(blob.dtype)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\middle\passes\convert_data_type.py", line 66, in np_data_type_to_precision
    raise Error('Data type "{}" is not supported'.format(np_data_type))
mo.utils.error.Error: Data type "<U36" is not supported

 

0 Kudos
Munesh_Intel
Moderator
917 Views

Hi Adam,

It seems that your model contains data type U36 that is not supported by OpenVINO.

If your model is a custom trained model, I would suggest you modify the data type of your model.

More information regarding supported data type is available at the following page:

https://docs.openvinotoolkit.org/latest/_docs_IE_DG_supported_plugins_Supported_Devices.html#supported_input_precision

 

Regards,

Munesh

0 Kudos
Reply