- Mark as New
- Bookmark
- Subscribe
- Mute
- Subscribe to RSS Feed
- Permalink
- Report Inappropriate Content
Hey
I want to run the model optimizer on my tensorflow model. But it doesnt work.
This is my command:
python mo.py --input_model C:\Code\OpenVINO\mo\model\frozen_inference_graph.pb^
--tensorflow_object_detection_api_pipeline_config C:\Code\OpenVINO\mo\model\pipeline.config^
--transformations_config "C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer\extensions\front\tf\ssd_v2_support.json"^
--input_shape [1,224,224,1] --input image_tensor^
--log_level=DEBUG
Here is my config:
model { ssd { num_classes: 1 image_resizer { fixed_shape_resizer { height: 224 width: 224 } } feature_extractor { type: "ssd_mobilenet_v2" depth_multiplier: 1.0 min_depth: 16 conv_hyperparams { regularizer { l2_regularizer { weight: 4e-05 } } initializer { truncated_normal_initializer { mean: 0.0 stddev: 0.03 } } activation: RELU_6 batch_norm { decay: 0.9997 center: true scale: true epsilon: 0.001 train: true } } } box_coder { faster_rcnn_box_coder { y_scale: 10.0 x_scale: 10.0 height_scale: 5.0 width_scale: 5.0 } } matcher { argmax_matcher { matched_threshold: 0.5 unmatched_threshold: 0.5 ignore_thresholds: false negatives_lower_than_unmatched: true force_match_for_each_row: true } } similarity_calculator { iou_similarity { } } box_predictor { convolutional_box_predictor { conv_hyperparams { regularizer { l2_regularizer { weight: 4e-05 } } initializer { truncated_normal_initializer { mean: 0.0 stddev: 0.03 } } activation: RELU_6 batch_norm { decay: 0.9997 center: true scale: true epsilon: 0.001 train: true } } min_depth: 0 max_depth: 0 num_layers_before_predictor: 0 use_dropout: false dropout_keep_probability: 0.8 kernel_size: 1 box_code_size: 4 apply_sigmoid_to_scores: false } } anchor_generator { ssd_anchor_generator { num_layers: 6 min_scale: 0.15 max_scale: 0.95 aspect_ratios: 0.7 aspect_ratios: 1.0 } } post_processing { batch_non_max_suppression { score_threshold: 1e-08 iou_threshold: 0.3 max_detections_per_class: 100 max_total_detections: 100 } score_converter: SIGMOID } normalize_loss_by_num_matches: true loss { localization_loss { weighted_smooth_l1 { } } classification_loss { weighted_sigmoid { } } hard_example_miner { num_hard_examples: 3000 iou_threshold: 0.99 loss_type: CLASSIFICATION max_negatives_per_positive: 3 min_negatives_per_image: 3 } classification_weight: 1.0 localization_weight: 1.0 } } } train_config { batch_size: 36 data_augmentation_options { random_horizontal_flip { } } data_augmentation_options { random_pixel_value_scale { minval: 0.8 maxval: 1.1 } } data_augmentation_options { random_rgb_to_gray { probability: 0.1 } } data_augmentation_options { random_adjust_brightness { max_delta: 0.25 } } data_augmentation_options { random_adjust_contrast { min_delta: 0.7 max_delta: 1.2 } } optimizer { adam_optimizer { learning_rate { manual_step_learning_rate { initial_learning_rate: 0.0004 schedule { step: 1000 learning_rate: 0.0001 } schedule { step: 3500 learning_rate: 1e-05 } } } } use_moving_average: false } fine_tune_checkpoint: "ssd_mobilenet_v2_coco_2018_03_29/model.ckpt" num_steps: 10000 fine_tune_checkpoint_type: "detection" } train_input_reader { label_map_path: "label_map.pbtxt" tf_record_input_reader { input_path: "tf_zone/tfr_summ/train.tfrecord" } } eval_config { num_visualizations: 100 use_moving_averages: false } eval_input_reader { label_map_path: "label_map.pbtxt" shuffle: false num_readers: 1 tf_record_input_reader { input_path: "tf_zone/tfr_summ/val.tfrecord" } }
And i got the following result:
c:\Code\OpenVINO\mo>mo.bat c:\Code\OpenVINO\mo>cd "C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer" C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer>python mo.py --input_model C:\Code\OpenVINO\mo\224_fine_tuned_model\frozen_inference_graph.pb --tensorflow_object_detection_api_pipeline_config C:\Code\OpenVINO\mo\224_fine_tuned_model\pipeline.config --transformations_config "C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer\extensions\front\tf\ssd_v2_support.json" --input_shape [1,224,224,1] --input image_tensor --log_level=DEBUG [ 2020-05-06 17:08:37,086 ] [ DEBUG ] [ main:117 ] Namespace(batch=None, blobs_as_inputs=True, caffe_parser_path='mo\\front\\caffe\\proto', counts=None, data_type='float', disable_fusing=None, disable_gfusing=None, disable_nhwc_to_nchw=False, disable_omitting_optional=False, disable_resnet_optimization=False, enable_concat_optimization=False, enable_flattening_nested_params=False, enable_ssd_gluoncv=False, extensions='C:\\Program Files (x86)\\IntelSWTools\\openvino_2020.1.033\\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='image_tensor', input_checkpoint=None, input_meta_graph=None, input_model='C:\\Code\\OpenVINO\\mo\\224_fine_tuned_model\\frozen_inference_graph.pb', input_model_is_text=False, input_proto=None, input_shape='[1,224,224,1]', input_symbol=None, k='extensions\\front\\caffe\\CustomLayersMapping.xml', keep_quantize_ops_in_IR=True, keep_shape_ops=False, legacy_mxnet_model=False, log_level='DEBUG', mean_file=None, mean_file_offsets=None, mean_values=(), model_name=None, move_to_preprocess=False, nd_prefix_name=None, output=None, output_dir='C:\\Program Files (x86)\\IntelSWTools\\openvino_2020.1.033\\deployment_tools\\model_optimizer\\.', pretrained_model_name=None, progress=False, remove_memory=False, remove_output_softmax=False, reverse_input_channels=False, save_params_from_nd=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='C:\\Code\\OpenVINO\\mo\\224_fine_tuned_model\\pipeline.config', tensorflow_operation_patterns=None, tensorflow_subgraph_patterns=None, tensorflow_use_custom_operations_config=None, transformations_config='C:\\Program Files (x86)\\IntelSWTools\\openvino_2020.1.033\\deployment_tools\\model_optimizer\\extensions\\front\\tf\\ssd_v2_support.json') [ 2020-05-06 17:08:37,086 ] [ DEBUG ] [ main:118 ] Model Optimizer started [ 2020-05-06 17:08:37,088 ] [ DEBUG ] [ main:133 ] Output model name would be frozen_inference_graph{.xml, .bin} Model Optimizer arguments: Common parameters: - Path to the Input Model: C:\Code\OpenVINO\mo\224_fine_tuned_model\frozen_inference_graph.pb - Path for generated IR: C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer\. - IR output name: frozen_inference_graph - Log level: DEBUG - Batch: Not specified, inherited from the model - Input layers: image_tensor - Output layers: Not specified, inherited from the model - Input shapes: [1,224,224,1] - 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: C:\Code\OpenVINO\mo\224_fine_tuned_model\pipeline.config - Operations to offload: None - Patterns to offload: None - Use the config file: None Model Optimizer version: 2020.1.0-61-gd349c3ba4a [ 2020-05-06 17:08:38,128 ] [ DEBUG ] [ main:211 ] Placeholder shapes : {'image_tensor': array([ 1, 224, 224, 1], dtype=int64)} [ INFO ] Importing extensions from: C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer\mo [ 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 'extensions.ops.Cast.Cast'> [ INFO ] Registered a new subclass with key: Cast [ 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.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.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 '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.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 'extensions.back.RemoveUselessConvert.RemoveUselessConvert'> [ INFO ] New subclass: <class 'extensions.back.op_versioning.OpVersioning'> [ 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_2020.1.033\deployment_tools\model_optimizer\extensions [ 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 'extensions.ops.Cast.Cast'> 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.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.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.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.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.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.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 '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.div.Div'> [ INFO ] Registered a new subclass with key: Div [ 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.sub.Sub'> [ INFO ] Registered a new subclass with key: Sub [ 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.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.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.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.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.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.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.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.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_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.div.Div'> 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.sub.Sub'> 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.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.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.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.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.tensorflow_custom_operations_config_update.TensorflowCustomOperationsConfigUpdate'> [ INFO ] New subclass: <class 'extensions.front.tf.tensorflow_patterns.TensorflowSubgraphPatterns'> [ INFO ] New subclass: <class 'extensions.front.tf.tensorflow_patterns.TensorflowOperationPatterns'> [ 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.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.BatchToSpaceNDToUpsample'> [ 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.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.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.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.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.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.MXRepeatReplacer.MXRepeatReplacer'> [ 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.NormalizePad.NormalizePad'> [ 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.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.ShuffleChannel.ShuffleChannel'> [ 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.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.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. [ 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. [ 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.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.PadNormalizer.PadNormalize'> [ 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.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.UselessConcatRemoval.UselessConcatRemoval'> [ INFO ] New subclass: <class 'extensions.back.blob_normalizer.BlobNormalizer'> [ 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-05-06 17:08:38,635 ] [ DEBUG ] [ class_registration:48 ] All replacers has unique idxs. [ 2020-05-06 17:08:38,984 ] [ DEBUG ] [ tf:72 ] Number of nodes in graph_def: 2771 [ 2020-05-06 17:08:38,984 ] [ 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-05-06 17:08:38,985 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry BatchMatMul to extractors with custom extractor class <class 'extensions.front.tf.BatchMatMul_ext.BatchMatMulExtractor'>. [ 2020-05-06 17:08:38,985 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry BatchMatMulV2 to extractors with custom extractor class <class 'extensions.front.tf.BatchMatMul_ext.BatchMatMulV2Extractor'>. [ 2020-05-06 17:08:38,986 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry BlockLSTM to extractors with custom extractor class <class 'extensions.front.tf.BlockLSTM_ext.BlockLSTMExtractor'>. [ 2020-05-06 17:08:38,986 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry CTCGreedyDecoder to extractors with custom extractor class <class 'extensions.front.tf.CTCGreedyDecoder_ext.CTCCGreedyDecoderFrontExtractor'>. [ 2020-05-06 17:08:38,987 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Cast to extractors with custom extractor class <class 'extensions.front.tf.Cast_ext.CastFrontExtractor'>. [ 2020-05-06 17:08:38,987 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry FakeQuantWithMinMaxVars to extractors with custom extractor class <class 'extensions.front.tf.FakeQuantWithMinMaxVars_ext.FakeQuantWithMinMaxVarsExtractor'>. [ 2020-05-06 17:08:38,989 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry GatherTree to extractors with custom extractor class <class 'extensions.front.tf.GatherTree_ext.GatherTreeFrontExtractor'>. [ 2020-05-06 17:08:38,989 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry LoopCond to extractors with custom extractor class <class 'extensions.front.tf.LoopCond_ext.LoopCondFrontExtractor'>. [ 2020-05-06 17:08:38,989 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry TensorArrayV3 to extractors with custom extractor class <class 'extensions.front.tf.TensorArrayExtractors.TensorArrayExtractor'>. [ 2020-05-06 17:08:38,990 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry TensorArrayGatherV3 to extractors with custom extractor class <class 'extensions.front.tf.TensorArrayGatherV3.TensorArrayGatherV3Exteractor'>. [ 2020-05-06 17:08:38,990 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Abs to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.AbsExtractor'>. [ 2020-05-06 17:08:38,990 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Elu to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.EluFrontExtractor'>. [ 2020-05-06 17:08:38,990 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Erf to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.ErfFrontExtractor'>. [ 2020-05-06 17:08:38,991 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Exp to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.ExpExtractor'>. [ 2020-05-06 17:08:38,991 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry LeakyRelu to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.LeakyReLUFrontExtractor'>. [ 2020-05-06 17:08:38,991 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry LogicalNot to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.LogicalNotFrontExtractor'>. [ 2020-05-06 17:08:38,992 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Relu6 to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.Relu6FrontExtractor'>. [ 2020-05-06 17:08:38,992 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Relu to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.ReluFrontExtractor'>. [ 2020-05-06 17:08:38,992 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sigmoid to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.SigmoidFrontExtractor'>. [ 2020-05-06 17:08:38,992 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Cos to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.CosFrontExtractor'>. [ 2020-05-06 17:08:38,993 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Cosh to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.CoshFrontExtractor'>. [ 2020-05-06 17:08:38,993 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sin to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.SinFrontExtractor'>. [ 2020-05-06 17:08:38,993 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sinh to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.SinhFrontExtractor'>. [ 2020-05-06 17:08:38,994 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Tan to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.TanFrontExtractor'>. [ 2020-05-06 17:08:38,995 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Tanh to extractors with custom extractor class <class 'extensions.front.tf.activation_ext.TanhFrontExtractor'>. [ 2020-05-06 17:08:38,996 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ArgMax to extractors with custom extractor class <class 'extensions.front.tf.argmax_ext.ArgMaxFrontExtractor'>. [ 2020-05-06 17:08:38,996 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Bucketize to extractors with custom extractor class <class 'extensions.front.tf.bucketize_ext.BucketizeFrontExtractor'>. [ 2020-05-06 17:08:38,996 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Concat to extractors with custom extractor class <class 'extensions.front.tf.concat_ext.ConcatFrontExtractor'>. [ 2020-05-06 17:08:38,997 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Const to extractors with custom extractor class <class 'extensions.front.tf.const_ext.ConstExtractor'>. [ 2020-05-06 17:08:38,997 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Conv2D to extractors with custom extractor class <class 'extensions.front.tf.conv_ext.Conv2DFrontExtractor'>. [ 2020-05-06 17:08:38,997 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry DepthwiseConv2dNative to extractors with custom extractor class <class 'extensions.front.tf.conv_ext.DepthwiseConv2dNativeFrontExtractor'>. [ 2020-05-06 17:08:38,997 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Conv3D to extractors with custom extractor class <class 'extensions.front.tf.conv_ext.Conv3DFrontExtractor'>. [ 2020-05-06 17:08:38,998 ] [ 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-05-06 17:08:38,998 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Conv2DBackpropInput to extractors with custom extractor class <class 'extensions.front.tf.deconv_ext.Conv2DBackpropInputFrontExtractor'>. [ 2020-05-06 17:08:38,998 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Conv3DBackpropInputV2 to extractors with custom extractor class <class 'extensions.front.tf.deconv_ext.Conv3DBackpropInputV2InputFrontExtractor'>. [ 2020-05-06 17:08:38,998 ] [ 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-05-06 17:08:38,999 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Add to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.AddExtractor'>. [ 2020-05-06 17:08:38,999 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry AddV2 to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.AddV2Extractor'>. [ 2020-05-06 17:08:38,999 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry AddN to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.AddNExtractor'>. [ 2020-05-06 17:08:39,000 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry BiasAdd to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.BiasAddExtractor'>. [ 2020-05-06 17:08:39,000 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Mul to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.MulExtractor'>. [ 2020-05-06 17:08:39,000 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sub to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.SubExtractor'>. [ 2020-05-06 17:08:39,000 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry RealDiv to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.DivExtractor'>. [ 2020-05-06 17:08:39,001 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry SquaredDifference to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.SquaredDifferenceExtractor'>. [ 2020-05-06 17:08:39,001 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sqrt to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.SqrtExtractor'>. [ 2020-05-06 17:08:39,001 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Rsqrt to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.RsqrtExtractor'>. [ 2020-05-06 17:08:39,001 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Square to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.SquareExtractor'>. [ 2020-05-06 17:08:39,002 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Neg to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.NegExtractor'>. [ 2020-05-06 17:08:39,002 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ZerosLike to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.ZerosLike'>. [ 2020-05-06 17:08:39,002 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Maximum to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.MaximumExtractor'>. [ 2020-05-06 17:08:39,002 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Minimum to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.MinimumExtractor'>. [ 2020-05-06 17:08:39,003 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Pow to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.PowExtractor'>. [ 2020-05-06 17:08:39,004 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry LogicalAnd to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.LogicalAndFrontExtractor'>. [ 2020-05-06 17:08:39,005 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry LogicalOr to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.LogicalOrFrontExtractor'>. [ 2020-05-06 17:08:39,005 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Equal to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.EqualExtractor'>. [ 2020-05-06 17:08:39,006 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry LessEqual to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.LessEqualExtractor'>. [ 2020-05-06 17:08:39,006 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Less to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.LessExtractor'>. [ 2020-05-06 17:08:39,006 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Greater to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.GreaterExtractor'>. [ 2020-05-06 17:08:39,007 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry GreaterEqual to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.GreaterEqualExtractor'>. [ 2020-05-06 17:08:39,007 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry NotEqual to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.NotEqualExtractor'>. [ 2020-05-06 17:08:39,007 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry FloorMod to extractors with custom extractor class <class 'extensions.front.tf.elementwise_ext.FloorModFrontExtractor'>. [ 2020-05-06 17:08:39,008 ] [ 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-05-06 17:08:39,008 ] [ 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-05-06 17:08:39,008 ] [ 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-05-06 17:08:39,009 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Fill to extractors with custom extractor class <class 'extensions.front.tf.fill_ext.FillExtractor'>. [ 2020-05-06 17:08:39,009 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Gather to extractors with custom extractor class <class 'extensions.front.tf.gather_ext.GatherFrontExtractor'>. [ 2020-05-06 17:08:39,009 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ResourceGather to extractors with custom extractor class <class 'extensions.front.tf.gather_ext.ResourceGatherFrontExtractor'>. [ 2020-05-06 17:08:39,009 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry GatherV2 to extractors with custom extractor class <class 'extensions.front.tf.gather_ext.GatherV2FrontExtractor'>. [ 2020-05-06 17:08:39,010 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Identity to extractors with custom extractor class <class 'extensions.front.tf.identity_ext.IdentityFrontExtractor'>. [ 2020-05-06 17:08:39,010 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ReadVariableOp to extractors with custom extractor class <class 'extensions.front.tf.identity_ext.ReadVariableOpFrontExtractor'>. [ 2020-05-06 17:08:39,010 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry StopGradient to extractors with custom extractor class <class 'extensions.front.tf.identity_ext.StopGradientExtractor'>. [ 2020-05-06 17:08:39,010 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry LRN to extractors with custom extractor class <class 'extensions.front.tf.lrn_ext.LRNExtractor'>. [ 2020-05-06 17:08:39,011 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry MatMul to extractors with custom extractor class <class 'extensions.front.tf.matmul_ext.MatMulExtractor'>. [ 2020-05-06 17:08:39,011 ] [ 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-05-06 17:08:39,011 ] [ 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-05-06 17:08:39,012 ] [ 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-05-06 17:08:39,012 ] [ 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-05-06 17:08:39,012 ] [ 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-05-06 17:08:39,013 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Pad to extractors with custom extractor class <class 'extensions.front.tf.pad_ext.PadFrontExtractor'>. [ 2020-05-06 17:08:39,013 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry PadV2 to extractors with custom extractor class <class 'extensions.front.tf.pad_ext.PadV2FrontExtractor'>. [ 2020-05-06 17:08:39,013 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry MirrorPad to extractors with custom extractor class <class 'extensions.front.tf.pad_ext.MirrorPadFrontExtractor'>. [ 2020-05-06 17:08:39,013 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Placeholder to extractors with custom extractor class <class 'extensions.front.tf.placeholder_ext.PlaceholderFrontExtractor'>. [ 2020-05-06 17:08:39,014 ] [ 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-05-06 17:08:39,015 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry AvgPool to extractors with custom extractor class <class 'extensions.front.tf.pooling_ext.AvgPoolFrontExtractor'>. [ 2020-05-06 17:08:39,016 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry MaxPool to extractors with custom extractor class <class 'extensions.front.tf.pooling_ext.MaxPoolFrontExtractor'>. [ 2020-05-06 17:08:39,016 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry MaxPool3D to extractors with custom extractor class <class 'extensions.front.tf.pooling_ext.MaxPool3DFrontExtractor'>. [ 2020-05-06 17:08:39,017 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry AvgPool3D to extractors with custom extractor class <class 'extensions.front.tf.pooling_ext.AvgPool3DFrontExtractor'>. [ 2020-05-06 17:08:39,017 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry All to extractors with custom extractor class <class 'extensions.front.tf.reduce_ext.AllFrontExtractor'>. [ 2020-05-06 17:08:39,017 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Max to extractors with custom extractor class <class 'extensions.front.tf.reduce_ext.MaxFrontExtractor'>. [ 2020-05-06 17:08:39,017 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Mean to extractors with custom extractor class <class 'extensions.front.tf.reduce_ext.MeanExtractor'>. [ 2020-05-06 17:08:39,018 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Prod to extractors with custom extractor class <class 'extensions.front.tf.reduce_ext.ProdFrontExtractor'>. [ 2020-05-06 17:08:39,018 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sum to extractors with custom extractor class <class 'extensions.front.tf.reduce_ext.SumFrontExtractor'>. [ 2020-05-06 17:08:39,018 ] [ 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-05-06 17:08:39,019 ] [ 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-05-06 17:08:39,019 ] [ 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-05-06 17:08:39,019 ] [ 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-05-06 17:08:39,020 ] [ 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-05-06 17:08:39,020 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ResizeBilinear to extractors with custom extractor class <class 'extensions.front.tf.resize_bilinear.ResizeBilinearFrontExtractor'>. [ 2020-05-06 17:08:39,020 ] [ 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-05-06 17:08:39,020 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ReverseSequence to extractors with custom extractor class <class 'extensions.front.tf.reverse_sequence.ReverseSequenceFrontExtractor'>. [ 2020-05-06 17:08:39,021 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ReverseV2 to extractors with custom extractor class <class 'extensions.front.tf.reverse_v2.ReverseV2FrontExtractor'>. [ 2020-05-06 17:08:39,021 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Select to extractors with custom extractor class <class 'extensions.front.tf.select_ext.SelectExtractor'>. [ 2020-05-06 17:08:39,021 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sign to extractors with custom extractor class <class 'extensions.front.tf.sign_ext.SignExtractor'>. [ 2020-05-06 17:08:39,021 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Slice to extractors with custom extractor class <class 'extensions.front.tf.slice_ext.SliceExtractor'>. [ 2020-05-06 17:08:39,022 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Softmax to extractors with custom extractor class <class 'extensions.front.tf.softmax_ext.SoftmaxFrontExtractor'>. [ 2020-05-06 17:08:39,022 ] [ 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-05-06 17:08:39,022 ] [ 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-05-06 17:08:39,023 ] [ 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-05-06 17:08:39,023 ] [ 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-05-06 17:08:39,023 ] [ 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-05-06 17:08:39,024 ] [ 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-05-06 17:08:39,025 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry SplitV to extractors with custom extractor class <class 'extensions.front.tf.split_ext.SplitVExtractor'>. [ 2020-05-06 17:08:39,025 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Unpack to extractors with custom extractor class <class 'extensions.front.tf.split_ext.UnpackExtractor'>. [ 2020-05-06 17:08:39,026 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Split to extractors with custom extractor class <class 'extensions.front.tf.split_ext.SplitExtractor'>. [ 2020-05-06 17:08:39,026 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Tile to extractors with custom extractor class <class 'extensions.front.tf.tile_ext.TileExtractor'>. [ 2020-05-06 17:08:39,026 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry TopK to extractors with custom extractor class <class 'extensions.front.tf.topk_ext.TopKExtractor'>. [ 2020-05-06 17:08:39,027 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry TopKV2 to extractors with custom extractor class <class 'extensions.front.tf.topk_ext.TopKV2Extractor'>. [ 2020-05-06 17:08:39,027 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Transpose to extractors with custom extractor class <class 'extensions.front.tf.transpose_ext.TransposeFrontExtractorTF'>. [ 2020-05-06 17:08:39,027 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Unique to extractors with custom extractor class <class 'extensions.front.tf.unique_ext.UniqueFrontExtractor'>. [ 2020-05-06 17:08:39,027 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Variable to extractors with custom extractor class <class 'extensions.front.tf.variable_ext.VariableExtractor'>. [ 2020-05-06 17:08:39,028 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry VariableV2 to extractors with custom extractor class <class 'extensions.front.tf.variable_ext.VariableV2Extractor'>. [ 2020-05-06 17:08:39,028 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry AttributedGather to extractors with custom op class <class 'extensions.ops.gather.AttributedGather'>. [ 2020-05-06 17:08:39,028 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Parameter to extractors with custom op class <class 'extensions.ops.parameter.Parameter'>. [ 2020-05-06 17:08:39,028 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorIterator to extractors with custom op class <class 'extensions.ops.tensor_iterator.TensorIterator'>. [ 2020-05-06 17:08:39,029 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Clamp to extractors with custom op class <class 'mo.ops.clamp.Clamp'>. [ 2020-05-06 17:08:39,029 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Convolution to extractors with custom op class <class 'mo.ops.convolution.Convolution'>. [ 2020-05-06 17:08:39,029 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Crop to extractors with custom op class <class 'mo.ops.crop.Crop'>. [ 2020-05-06 17:08:39,029 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Activation to extractors with custom op class <class 'mo.ops.activation.Activation'>. [ 2020-05-06 17:08:39,030 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Broadcast to extractors with custom op class <class 'mo.ops.broadcast.Broadcast'>. [ 2020-05-06 17:08:39,030 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ConstantOfShape to extractors with custom op class <class 'mo.ops.constant_of_shape.ConstantOfShape'>. [ 2020-05-06 17:08:39,030 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Deconvolution to extractors with custom op class <class 'mo.ops.deconvolution.Deconvolution'>. [ 2020-05-06 17:08:39,030 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry DeformableConvolution to extractors with custom op class <class 'mo.ops.deformable_convolution.DeformableConvolution'>. [ 2020-05-06 17:08:39,031 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Eltwise to extractors with custom op class <class 'mo.ops.eltwise.Eltwise'>. [ 2020-05-06 17:08:39,031 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry EltwiseN to extractors with custom op class <class 'mo.ops.eltwise_n.EltwiseN'>. [ 2020-05-06 17:08:39,031 ] [ 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-05-06 17:08:39,031 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Flatten to extractors with custom op class <class 'mo.ops.flatten.Flatten'>. [ 2020-05-06 17:08:39,032 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry FlattenONNX to extractors with custom op class <class 'mo.ops.flatten.FlattenONNX'>. [ 2020-05-06 17:08:39,032 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry GroupNorm to extractors with custom op class <class 'mo.ops.group_norm.GroupNorm'>. [ 2020-05-06 17:08:39,032 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry AttributedLRN to extractors with custom op class <class 'mo.ops.lrn.AttributedLRN'>. [ 2020-05-06 17:08:39,032 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry LstmNonLinearity to extractors with custom op class <class 'mo.ops.lstmnonlinearity.LstmNonLinearity'>. [ 2020-05-06 17:08:39,033 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Memory to extractors with custom op class <class 'mo.ops.memory.Memory'>. [ 2020-05-06 17:08:39,033 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry MemoryOffset to extractors with custom op class <class 'mo.ops.memoryoffset.MemoryOffset'>. [ 2020-05-06 17:08:39,033 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Permute to extractors with custom op class <class 'mo.ops.permute.Permute'>. [ 2020-05-06 17:08:39,033 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Pooling to extractors with custom op class <class 'mo.ops.pooling.Pooling'>. [ 2020-05-06 17:08:39,034 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry AttributedPower to extractors with custom op class <class 'mo.ops.power.AttributedPower'>. [ 2020-05-06 17:08:39,035 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Result to extractors with custom op class <class 'mo.ops.result.Result'>. [ 2020-05-06 17:08:39,035 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ROIPooling to extractors with custom op class <class 'mo.ops.roipooling.ROIPooling'>. [ 2020-05-06 17:08:39,036 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ScaleShift to extractors with custom op class <class 'mo.ops.scale_shift.ScaleShiftOp'>. [ 2020-05-06 17:08:39,036 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ShapeOf to extractors with custom op class <class 'mo.ops.shape.Shape'>. [ 2020-05-06 17:08:39,036 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry AttributedTile to extractors with custom op class <class 'mo.ops.tile.AttributedTile'>. [ 2020-05-06 17:08:39,037 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Unsqueeze to extractors with custom op class <class 'mo.ops.unsqueeze.Unsqueeze'>. [ 2020-05-06 17:08:39,037 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry DetectionOutput to extractors with custom op class <class 'extensions.ops.DetectionOutput.DetectionOutput'>. [ 2020-05-06 17:08:39,038 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Enter to extractors with custom op class <class 'extensions.ops.Enter.Enter'>. [ 2020-05-06 17:08:39,038 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Exit to extractors with custom op class <class 'extensions.ops.Exit.Exit'>. [ 2020-05-06 17:08:39,038 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry RNN to extractors with custom op class <class 'extensions.ops.RNN.RNN'>. [ 2020-05-06 17:08:39,038 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry GRU to extractors with custom op class <class 'extensions.ops.GRU.GRU'>. [ 2020-05-06 17:08:39,039 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry GRUCell to extractors with custom op class <class 'extensions.ops.GRUCell.GRUCell'>. [ 2020-05-06 17:08:39,039 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry GatherNd to extractors with custom op class <class 'extensions.ops.GatherNd.GatherNd'>. [ 2020-05-06 17:08:39,039 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry LSTM to extractors with custom op class <class 'extensions.ops.LSTM.LSTM'>. [ 2020-05-06 17:08:39,039 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Log to extractors with custom op class <class 'extensions.ops.Log.LogOp'>. [ 2020-05-06 17:08:39,040 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Gemm to extractors with custom op class <class 'extensions.ops.MatMul.GemmONNX'>. [ 2020-05-06 17:08:39,040 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry FullyConnected to extractors with custom op class <class 'extensions.ops.MatMul.FullyConnected'>. [ 2020-05-06 17:08:39,040 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry RNNCell to extractors with custom op class <class 'extensions.ops.RNNCell.RNNCell'>. [ 2020-05-06 17:08:39,041 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Reverse to extractors with custom op class <class 'extensions.ops.Reverse.Reverse'>. [ 2020-05-06 17:08:39,041 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorArrayReadV3 to extractors with custom op class <class 'extensions.ops.TensorArrayRead.TensorArrayReader'>. [ 2020-05-06 17:08:39,041 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorArrayScatterV3 to extractors with custom op class <class 'extensions.ops.TensorArrayScatter.TensorArrayScatter'>. [ 2020-05-06 17:08:39,041 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorArraySizeV3 to extractors with custom op class <class 'extensions.ops.TensorArraySize.TensorArraySize'>. [ 2020-05-06 17:08:39,042 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorArrayWriteV3 to extractors with custom op class <class 'extensions.ops.TensorArrayWrite.TensorArrayWriter'>. [ 2020-05-06 17:08:39,042 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorIteratorInput to extractors with custom op class <class 'extensions.ops.TensorIterator_ops.TensorIteratorInput'>. [ 2020-05-06 17:08:39,042 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorIteratorOutput to extractors with custom op class <class 'extensions.ops.TensorIterator_ops.TensorIteratorOutput'>. [ 2020-05-06 17:08:39,042 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorIteratorCondition to extractors with custom op class <class 'extensions.ops.TensorIterator_ops.TensorIteratorCondition'>. [ 2020-05-06 17:08:39,043 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorIteratorBackEdge to extractors with custom op class <class 'extensions.ops.TensorIterator_ops.TensorIteratorBackEdge'>. [ 2020-05-06 17:08:39,043 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Accum to extractors with custom op class <class 'extensions.ops.accum.AccumOp'>. [ 2020-05-06 17:08:39,043 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry AdaptiveAvgPooling to extractors with custom op class <class 'extensions.ops.adaptive_avg_pooling.AdaptiveAvgPooling'>. [ 2020-05-06 17:08:39,043 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Assert to extractors with custom op class <class 'extensions.ops.assert_op.Assert'>. [ 2020-05-06 17:08:39,044 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Axpy to extractors with custom op class <class 'extensions.ops.axpy.AxpyOp'>. [ 2020-05-06 17:08:39,045 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Binarization to extractors with custom op class <class 'extensions.ops.binarization.Binarization'>. [ 2020-05-06 17:08:39,046 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry BN to extractors with custom op class <class 'extensions.ops.bn.BNOp'>. [ 2020-05-06 17:08:39,046 ] [ 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-05-06 17:08:39,046 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ConstantFill to extractors with custom op class <class 'extensions.ops.constant_fill.ConstantFill'>. [ 2020-05-06 17:08:39,046 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry copy to extractors with custom op class <class 'extensions.ops.copyop.CopyOp'>. [ 2020-05-06 17:08:39,047 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Correlation to extractors with custom op class <class 'extensions.ops.correlation.CorrelationOp'>. [ 2020-05-06 17:08:39,047 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry DataAugmentation to extractors with custom op class <class 'extensions.ops.data_augmentation.DataAugmentationOp'>. [ 2020-05-06 17:08:39,047 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ExperimentalDetectronDetectionOutput to extractors with custom op class <class 'extensions.ops.detectionoutput_onnx.ExperimentalDetectronDetectionOutput'>. [ 2020-05-06 17:08:39,047 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry FakeQuantize to extractors with custom op class <class 'extensions.ops.fakequantize.FakeQuantize'>. [ 2020-05-06 17:08:39,048 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry GRN to extractors with custom op class <class 'extensions.ops.grn.GRNOp'>. [ 2020-05-06 17:08:39,048 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry HardSigmoid to extractors with custom op class <class 'extensions.ops.hard_sigmoid.HardSigmoid'>. [ 2020-05-06 17:08:39,048 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry InstanceNormalization to extractors with custom op class <class 'extensions.ops.instance_normalization.InstanceNormalization'>. [ 2020-05-06 17:08:39,048 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Interp to extractors with custom op class <class 'extensions.ops.interp.InterpOp'>. [ 2020-05-06 17:08:39,049 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Interpolate to extractors with custom op class <class 'extensions.ops.interpolate.Interpolate'>. [ 2020-05-06 17:08:39,049 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry LSTMCell to extractors with custom op class <class 'extensions.ops.lstm_cell.LSTMCell'>. [ 2020-05-06 17:08:39,049 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry LSTMSequence to extractors with custom op class <class 'extensions.ops.lstm_sequence.LSTMSequence'>. [ 2020-05-06 17:08:39,050 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Merge to extractors with custom op class <class 'extensions.ops.merge.Merge'>. [ 2020-05-06 17:08:39,050 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry MVN to extractors with custom op class <class 'extensions.ops.mvn.MVN'>. [ 2020-05-06 17:08:39,050 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry MXRepeat to extractors with custom op class <class 'extensions.ops.mxrepeat.MXRepeat'>. [ 2020-05-06 17:08:39,050 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry MXSlice to extractors with custom op class <class 'extensions.ops.mxslice.MXSlice'>. [ 2020-05-06 17:08:39,051 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry NonMaxSuppression to extractors with custom op class <class 'extensions.ops.non_max_suppression.NonMaxSuppression'>. [ 2020-05-06 17:08:39,051 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry NonZero to extractors with custom op class <class 'extensions.ops.non_zero.NonZero'>. [ 2020-05-06 17:08:39,051 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Normalize to extractors with custom op class <class 'extensions.ops.normalize.NormalizeOp'>. [ 2020-05-06 17:08:39,051 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry NormalizeL2 to extractors with custom op class <class 'extensions.ops.normalize_l2.NormalizeL2Op'>. [ 2020-05-06 17:08:39,052 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry pnorm to extractors with custom op class <class 'extensions.ops.pnorm.PNormOp'>. [ 2020-05-06 17:08:39,052 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry PowerFile to extractors with custom op class <class 'extensions.ops.power_file.PowerFileOp'>. [ 2020-05-06 17:08:39,052 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry PredictionHeatmap to extractors with custom op class <class 'extensions.ops.prediction_heatmap.PredictionHeatmapOp'>. [ 2020-05-06 17:08:39,052 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry PReLU to extractors with custom op class <class 'extensions.ops.prelu.PreluOp'>. [ 2020-05-06 17:08:39,053 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry PriorBox to extractors with custom op class <class 'extensions.ops.priorbox.PriorBoxOp'>. [ 2020-05-06 17:08:39,053 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry PriorBoxClustered to extractors with custom op class <class 'extensions.ops.priorbox_clustered.PriorBoxClusteredOp'>. [ 2020-05-06 17:08:39,054 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ExperimentalDetectronPriorGridGenerator to extractors with custom op class <class 'extensions.ops.priorgridgenerator_onnx.ExperimentalDetectronPriorGridGenerator'>. [ 2020-05-06 17:08:39,055 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Proposal to extractors with custom op class <class 'extensions.ops.proposal.ProposalOp'>. [ 2020-05-06 17:08:39,056 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ExperimentalDetectronGenerateProposalsSingleImage to extractors with custom op class <class 'extensions.ops.proposal_onnx.ExperimentalDetectronGenerateProposalsSingleImage'>. [ 2020-05-06 17:08:39,056 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry PSROIPooling to extractors with custom op class <class 'extensions.ops.psroipooling.PSROIPoolingOp'>. [ 2020-05-06 17:08:39,056 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Range to extractors with custom op class <class 'extensions.ops.range.Range'>. [ 2020-05-06 17:08:39,056 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry RegionYolo to extractors with custom op class <class 'extensions.ops.regionyolo.RegionYoloOp'>. [ 2020-05-06 17:08:39,057 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ReorgYolo to extractors with custom op class <class 'extensions.ops.reorgyolo.ReorgYoloOp'>. [ 2020-05-06 17:08:39,057 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Resample to extractors with custom op class <class 'extensions.ops.resample.ResampleOp'>. [ 2020-05-06 17:08:39,057 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Resize to extractors with custom op class <class 'extensions.ops.resize.ResizeOp'>. [ 2020-05-06 17:08:39,057 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ExperimentalDetectronROIFeatureExtractor to extractors with custom op class <class 'extensions.ops.roifeatureextractor_onnx.ExperimentalDetectronROIFeatureExtractor'>. [ 2020-05-06 17:08:39,058 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ShuffleChannel to extractors with custom op class <class 'extensions.ops.shufflechannel.ShuffleChannelOp'>. [ 2020-05-06 17:08:39,058 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SimplerNMS to extractors with custom op class <class 'extensions.ops.simplernms.SimplerNMSOp'>. [ 2020-05-06 17:08:39,058 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SparseReshape to extractors with custom op class <class 'extensions.ops.sparse_reshape.SparseReshape'>. [ 2020-05-06 17:08:39,058 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ExperimentalSparseWeightedSum to extractors with custom op class <class 'extensions.ops.sparse_weighted_sum.ExperimentalSparseWeightedSum'>. [ 2020-05-06 17:08:39,059 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SpatialTransformer to extractors with custom op class <class 'extensions.ops.spatial_transformer.SpatialTransformOp'>. [ 2020-05-06 17:08:39,059 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Splice to extractors with custom op class <class 'extensions.ops.splice.Splice'>. [ 2020-05-06 17:08:39,059 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SwapAxis to extractors with custom op class <class 'extensions.ops.swapaxis.SwapAxis'>. [ 2020-05-06 17:08:39,060 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Switch to extractors with custom op class <class 'extensions.ops.switch.Switch'>. [ 2020-05-06 17:08:39,060 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ExperimentalDetectronTopKROIs to extractors with custom op class <class 'extensions.ops.topkrois_onnx.ExperimentalDetectronTopKROIs'>. [ 2020-05-06 17:08:39,060 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Upsample to extractors with custom op class <class 'extensions.ops.upsample.UpsampleOp'>. [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,195 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,196 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,197 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,197 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,201 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,203 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,205 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,207 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,207 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,209 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,209 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,210 ] [ DEBUG ] [ utils:78 ] value = [0.007843137718737125], shape = [], res = [0.00784314], res.shape = (1,) [ 2020-05-06 17:08:39,211 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:39,408 ] [ DEBUG ] [ utils:78 ] value = [224], shape = [], res = [224], res.shape = (1,) [ 2020-05-06 17:08:39,409 ] [ DEBUG ] [ utils:78 ] value = [224], shape = [], res = [224], res.shape = (1,) [ 2020-05-06 17:08:39,410 ] [ DEBUG ] [ utils:78 ] value = [14], shape = [], res = [14], res.shape = (1,) [ 2020-05-06 17:08:39,411 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:39,412 ] [ DEBUG ] [ utils:78 ] value = [14], shape = [], res = [14], res.shape = (1,) [ 2020-05-06 17:08:39,413 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:39,413 ] [ DEBUG ] [ utils:78 ] value = [7], shape = [], res = [7], res.shape = (1,) [ 2020-05-06 17:08:39,414 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:39,415 ] [ DEBUG ] [ utils:78 ] value = [7], shape = [], res = [7], res.shape = (1,) [ 2020-05-06 17:08:39,415 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:39,416 ] [ DEBUG ] [ utils:78 ] value = [4], shape = [], res = [4], res.shape = (1,) [ 2020-05-06 17:08:39,416 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:39,418 ] [ DEBUG ] [ utils:78 ] value = [4], shape = [], res = [4], res.shape = (1,) [ 2020-05-06 17:08:39,418 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:39,419 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,420 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:39,420 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,421 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:39,422 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,423 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:39,424 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,425 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:39,426 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,427 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:39,427 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,428 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:39,429 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,429 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,430 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,431 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,431 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,432 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,433 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,433 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,434 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,435 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,442 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,443 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,447 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:39,448 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:39,450 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,451 ] [ DEBUG ] [ utils:78 ] value = [14], shape = [], res = [14], res.shape = (1,) [ 2020-05-06 17:08:39,452 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,462 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,463 ] [ DEBUG ] [ utils:78 ] value = [14], shape = [], res = [14], res.shape = (1,) [ 2020-05-06 17:08:39,466 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,468 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,469 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,469 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,482 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,487 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,494 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,496 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,497 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,503 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,505 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,515 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,516 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,516 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,519 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,525 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,525 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,526 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,527 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,532 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,534 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,535 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,536 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,536 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,544 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,545 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,546 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,547 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,547 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,550 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,555 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,558 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,560 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,560 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,565 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,565 ] [ DEBUG ] [ utils:78 ] value = [7], shape = [], res = [7], res.shape = (1,) [ 2020-05-06 17:08:39,566 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,568 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,569 ] [ DEBUG ] [ utils:78 ] value = [7], shape = [], res = [7], res.shape = (1,) [ 2020-05-06 17:08:39,574 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,576 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,576 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,577 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,580 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,584 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,585 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,585 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,585 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,590 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,594 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,595 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,596 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,596 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,598 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,604 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,605 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,606 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,606 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,609 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,613 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,615 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,616 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,616 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,620 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,625 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,626 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,626 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,627 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,630 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,634 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,637 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,638 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,640 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,643 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,644 ] [ DEBUG ] [ utils:78 ] value = [4], shape = [], res = [4], res.shape = (1,) [ 2020-05-06 17:08:39,644 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,645 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,646 ] [ DEBUG ] [ utils:78 ] value = [4], shape = [], res = [4], res.shape = (1,) [ 2020-05-06 17:08:39,646 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,649 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,650 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,655 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,656 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,658 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,660 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,663 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,664 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,666 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,667 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,674 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,675 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,675 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,678 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,679 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,680 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,680 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,680 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,682 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,689 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,691 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,692 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,692 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,695 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,699 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,700 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,700 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,701 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,702 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,706 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,712 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,713 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,714 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,716 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,716 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,720 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,722 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,722 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,723 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,726 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,726 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,729 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,731 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,733 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,734 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,736 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,740 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,743 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,744 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,747 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,749 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,750 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,752 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,753 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,754 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,756 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,759 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,762 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,763 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,765 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,766 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,767 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,773 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,774 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,775 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,776 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,777 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,782 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,783 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,785 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,788 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,791 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,793 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,794 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,794 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,795 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,797 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,797 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,802 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,802 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,803 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,808 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,812 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,813 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,813 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,814 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,815 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,818 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,824 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,825 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,825 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,828 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,833 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,833 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,834 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,835 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,839 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,843 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,844 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,845 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,846 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,849 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,853 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,855 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,855 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,856 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,859 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,863 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,865 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,866 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,867 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,871 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,872 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,874 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,875 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,876 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,876 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,878 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,879 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,882 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,884 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,885 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,886 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,888 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,893 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,895 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,897 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,899 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,900 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,904 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,906 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,907 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,908 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,910 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,910 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,915 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,916 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,918 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,920 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,924 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,927 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,929 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,930 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:39,933 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,934 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,936 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,938 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:39,942 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,943 ] [ DEBUG ] [ utils:78 ] value = [0.5], shape = [], res = [0.5], res.shape = (1,) [ 2020-05-06 17:08:39,944 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,946 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,965 ] [ DEBUG ] [ utils:78 ] value = [801], shape = [], res = [801], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [0] [ 2020-05-06 17:08:39,966 ] [ DEBUG ] [ utils:78 ] value = [b''], shape = [], res = [''], res.shape = (1,) [ 2020-05-06 17:08:39,967 ] [ DEBUG ] [ utils:78 ] value = [b'Condition x == y did not hold element-wise:'], shape = [], res = ['Condition x == y did not hold element-wise:'], res.shape = (1,) [ 2020-05-06 17:08:39,967 ] [ DEBUG ] [ utils:78 ] value = [b'x (MultipleGridAnchorGenerator/assert_equal/x:0) = '], shape = [], res = ['x (MultipleGridAnchorGenerator/assert_equal/x:0) = '], res.shape = (1,) [ 2020-05-06 17:08:39,968 ] [ DEBUG ] [ utils:78 ] value = [b'y (MultipleGridAnchorGenerator/add_23:0) = '], shape = [], res = ['y (MultipleGridAnchorGenerator/add_23:0) = '], res.shape = (1,) [ 2020-05-06 17:08:39,970 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,977 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ 2020-05-06 17:08:39,977 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,978 ] [ DEBUG ] [ utils:78 ] value = [4], shape = [], res = [4], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,981 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ 2020-05-06 17:08:39,982 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,989 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ 2020-05-06 17:08:39,990 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:39,990 ] [ DEBUG ] [ utils:78 ] value = [4], shape = [], res = [4], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:39,997 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ 2020-05-06 17:08:39,998 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,001 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ 2020-05-06 17:08:40,002 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,006 ] [ DEBUG ] [ utils:78 ] value = [4], shape = [], res = [4], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,011 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ 2020-05-06 17:08:40,011 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,020 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ 2020-05-06 17:08:40,021 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,022 ] [ DEBUG ] [ utils:78 ] value = [4], shape = [], res = [4], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,030 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ 2020-05-06 17:08:40,030 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,034 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ 2020-05-06 17:08:40,035 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,036 ] [ DEBUG ] [ utils:78 ] value = [4], shape = [], res = [4], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,044 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ 2020-05-06 17:08:40,045 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,051 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ 2020-05-06 17:08:40,051 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,051 ] [ DEBUG ] [ utils:78 ] value = [4], shape = [], res = [4], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,060 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ 2020-05-06 17:08:40,060 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:40,061 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,062 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,071 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,071 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,072 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,075 ] [ DEBUG ] [ utils:78 ] value = [2.0], shape = [], res = [2.], res.shape = (1,) [ 2020-05-06 17:08:40,076 ] [ DEBUG ] [ utils:78 ] value = [2.0], shape = [], res = [2.], res.shape = (1,) [ 2020-05-06 17:08:40,077 ] [ DEBUG ] [ utils:78 ] value = [10.0], shape = [], res = [10.], res.shape = (1,) [ 2020-05-06 17:08:40,080 ] [ DEBUG ] [ utils:78 ] value = [10.0], shape = [], res = [10.], res.shape = (1,) [ 2020-05-06 17:08:40,081 ] [ DEBUG ] [ utils:78 ] value = [5.0], shape = [], res = [5.], res.shape = (1,) [ 2020-05-06 17:08:40,081 ] [ DEBUG ] [ utils:78 ] value = [5.0], shape = [], res = [5.], res.shape = (1,) [ 2020-05-06 17:08:40,083 ] [ DEBUG ] [ utils:78 ] value = [2.0], shape = [], res = [2.], res.shape = (1,) [ 2020-05-06 17:08:40,084 ] [ DEBUG ] [ utils:78 ] value = [2.0], shape = [], res = [2.], res.shape = (1,) [ 2020-05-06 17:08:40,086 ] [ DEBUG ] [ utils:78 ] value = [2.0], shape = [], res = [2.], res.shape = (1,) [ 2020-05-06 17:08:40,088 ] [ DEBUG ] [ utils:78 ] value = [2.0], shape = [], res = [2.], res.shape = (1,) [ 2020-05-06 17:08:40,092 ] [ DEBUG ] [ utils:78 ] value = [4], shape = [], res = [4], res.shape = (1,) [ 2020-05-06 17:08:40,093 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:40,093 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:40,096 ] [ DEBUG ] [ utils:78 ] value = [224], shape = [], res = [224], res.shape = (1,) [ 2020-05-06 17:08:40,096 ] [ DEBUG ] [ utils:78 ] value = [224], shape = [], res = [224], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,103 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,113 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,113 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,120 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,121 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,124 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,125 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,131 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,131 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,134 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,136 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,141 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,142 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,192 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,196 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ 2020-05-06 17:08:40,197 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ 2020-05-06 17:08:40,199 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ 2020-05-06 17:08:40,201 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,211 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,216 ] [ DEBUG ] [ utils:78 ] value = [100], shape = [], res = [100], res.shape = (1,) [ 2020-05-06 17:08:40,217 ] [ DEBUG ] [ utils:78 ] value = [0.30000001192092896], shape = [], res = [0.3], res.shape = (1,) [ 2020-05-06 17:08:40,221 ] [ DEBUG ] [ utils:78 ] value = [9.99999993922529e-09], shape = [], res = [1.e-08], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,226 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,227 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,230 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,230 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,231 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,231 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,232 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,233 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:40,234 ] [ DEBUG ] [ utils:78 ] value = [-1.0], shape = [], res = [-1.], res.shape = (1,) [ 2020-05-06 17:08:40,237 ] [ DEBUG ] [ utils:78 ] value = [0.0], shape = [], res = [0.], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,244 ] [ DEBUG ] [ utils:78 ] value = [b'Incorrect field size: actual vs expected.'], shape = [], res = ['Incorrect field size: actual vs expected.'], res.shape = (1,) [ 2020-05-06 17:08:40,246 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,247 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,250 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,250 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,251 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,254 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,256 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,257 ] [ DEBUG ] [ utils:78 ] value = [0.0], shape = [], res = [0.], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,261 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,262 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,262 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,263 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,270 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,273 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:40,274 ] [ DEBUG ] [ utils:78 ] value = [-1.0], shape = [], res = [-1.], res.shape = (1,) [ 2020-05-06 17:08:40,276 ] [ DEBUG ] [ utils:78 ] value = [0.0], shape = [], res = [0.], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,282 ] [ DEBUG ] [ utils:78 ] value = [b'Incorrect field size: actual vs expected.'], shape = [], res = ['Incorrect field size: actual vs expected.'], res.shape = (1,) [ 2020-05-06 17:08:40,282 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,283 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,284 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,286 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,314 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:40,315 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ 2020-05-06 17:08:40,317 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,322 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,325 ] [ DEBUG ] [ utils:78 ] value = [100], shape = [], res = [100], res.shape = (1,) [ 2020-05-06 17:08:40,326 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,327 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,331 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,332 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,332 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,333 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,334 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,335 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,337 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,341 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,342 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,342 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,345 ] [ DEBUG ] [ utils:78 ] value = [100], shape = [], res = [100], res.shape = (1,) [ 2020-05-06 17:08:40,347 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,348 ] [ DEBUG ] [ utils:78 ] value = [100], shape = [], res = [100], res.shape = (1,) [ 2020-05-06 17:08:40,350 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,352 ] [ DEBUG ] [ utils:78 ] value = [4], shape = [], res = [4], res.shape = (1,) [ 2020-05-06 17:08:40,354 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,354 ] [ DEBUG ] [ utils:78 ] value = [4], shape = [], res = [4], res.shape = (1,) [ 2020-05-06 17:08:40,355 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,360 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,363 ] [ DEBUG ] [ utils:78 ] value = [100], shape = [], res = [100], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,365 ] [ DEBUG ] [ utils:78 ] value = [4], shape = [], res = [4], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,372 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,375 ] [ DEBUG ] [ utils:78 ] value = [100], shape = [], res = [100], res.shape = (1,) [ 2020-05-06 17:08:40,376 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,378 ] [ DEBUG ] [ utils:78 ] value = [100], shape = [], res = [100], res.shape = (1,) [ 2020-05-06 17:08:40,379 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,382 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,385 ] [ DEBUG ] [ utils:78 ] value = [100], shape = [], res = [100], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,389 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,395 ] [ DEBUG ] [ utils:78 ] value = [100], shape = [], res = [100], res.shape = (1,) [ 2020-05-06 17:08:40,395 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,396 ] [ DEBUG ] [ utils:78 ] value = [100], shape = [], res = [100], res.shape = (1,) [ 2020-05-06 17:08:40,396 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,403 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:40,404 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,405 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ 2020-05-06 17:08:40,405 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,406 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,413 ] [ DEBUG ] [ utils:78 ] value = [100], shape = [], res = [100], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,415 ] [ DEBUG ] [ utils:78 ] value = [2], shape = [], res = [2], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,416 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,425 ] [ DEBUG ] [ utils:78 ] value = [100], shape = [], res = [100], res.shape = (1,) [ 2020-05-06 17:08:40,425 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,426 ] [ DEBUG ] [ utils:78 ] value = [100], shape = [], res = [100], res.shape = (1,) [ 2020-05-06 17:08:40,426 ] [ DEBUG ] [ utils:78 ] value = [-1], shape = [], res = [-1], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,428 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,433 ] [ DEBUG ] [ utils:78 ] value = [100], shape = [], res = [100], res.shape = (1,) [ WARNING ] Broadcast of scalar to shape: [1] [ 2020-05-06 17:08:40,434 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,437 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,441 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,442 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,444 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,444 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,445 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,446 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,447 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,448 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,449 ] [ DEBUG ] [ utils:78 ] value = [0], shape = [], res = [0], res.shape = (1,) [ 2020-05-06 17:08:40,452 ] [ DEBUG ] [ utils:78 ] value = [1], shape = [], res = [1], res.shape = (1,) [ 2020-05-06 17:08:40,454 ] [ DEBUG ] [ utils:78 ] value = [1.0], shape = [], res = [1.], res.shape = (1,) [ WARNING ] Instructions/layers that do not have attribute extractors: [ WARNING ] Where (1) [ WARNING ] Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow/Where [ 2020-05-06 17:08:40,482 ] [ DEBUG ] [ class_registration:257 ] Replacers execution order: | id | enabled | class | 0 | None | <class 'extensions.analysis.boolean_input.TrainingPhaseAnalysis'> | 1 | None | <class 'extensions.analysis.tf_yolo.TensorFlowYOLOV3Analysis'> | 2 | None | <class 'extensions.analysis.tf_yolo.TensorFlowYOLOV1V2Analysis'> | 3 | None | <class 'extensions.analysis.tf_retinanet.TensorFlowRetinaNet'> | 4 | None | <class 'extensions.analysis.tf_od_api.TensorFlowObjectDetectionAPIAnalysis'> | 5 | False | <class 'extensions.middle.MulFakeQuantizeFuse.MulFakeQuantizeFuse'> | 6 | None | <class 'extensions.analysis.nodes.IntermediatesNodesAnalysis'> | 7 | None | <class 'extensions.analysis.inputs.InputsAnalysis'> | 8 | None | <class 'mo.utils.model_analysis.AnalysisCollectorAnchor'> | 9 | False | <class 'extensions.analysis.json_print.AnalysisJSONPrint'> | 10 | True | <class 'extensions.front.user_data_repack.UserDataRepack'> | 11 | True | <class 'extensions.front.output_cut.OutputCut'> | 12 | True | <class 'extensions.front.input_cut.InputCut'> | 13 | True | <class 'extensions.front.tf.variables_values_freezing.VariablesToConstants'> | 14 | True | <class 'extensions.front.restore_ports.RestorePorts'> | 15 | True | <class 'extensions.front.MoveEmbeddedInputsToInputs.MoveEmbeddedInputsToInputs'> | 16 | True | <class 'extensions.front.freeze_placeholder_value.FreezePlaceholderValue'> | 17 | True | <class 'extensions.front.tf.tensorflow_custom_operations_config_update.TensorflowCustomOperationsConfigUpdate'> | 18 | True | <class 'extensions.front.tf.tensorflow_patterns.TensorflowSubgraphPatterns'> | 19 | True | <class 'extensions.front.tf.tensorflow_patterns.TensorflowOperationPatterns'> | 20 | True | <class 'extensions.front.transformations_config.TransformationsConfig'> | 21 | True | <class 'extensions.front.reshape_dim_normalizer.ReshapeDimNormalizer'> | 22 | True | <class 'extensions.front.pass_separator.FrontStart'> | 23 | None | <class 'extensions.front.YOLO.YoloV3RegionAddon'> | 24 | True | <class 'extensions.front.split_normalizer.VariadicSplitInputsSwap'> | 25 | True | <class 'extensions.front.tf.UnpackPackReverseInputChannels.UnpackPackReverseInputChannels'> | 26 | True | <class 'extensions.front.tf.transposed_mvn_unrolled.TransposedMVNUnrolled'> | 27 | True | <class 'extensions.front.TopKNormalize.TopKNormalize'> | 28 | True | <class 'extensions.front.tf.non_max_suppression_normalize.TFNonMaxSuppressionNormalize'> | 29 | True | <class 'extensions.front.tf.SwitchMergeOptimization.SwitchMergeOptimization'> | 30 | True | <class 'extensions.front.tf.swish.Swish'> | 31 | True | <class 'extensions.front.tf.swap_deconv_inputs.SwapDeconvInputs'> | 32 | True | <class 'extensions.front.SqueezeNormalize.SqueezeNormalize'> | 33 | True | <class 'extensions.front.split_normalizer.SplitInputsReconnect'> | 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.tf.GNMT_DynamicSequenceLengths.GNMT_sequence_lengths'> | 67 | True | <class 'extensions.front.MatMul_normalizer.FullyConnectedDecomposer'> | 68 | True | <class 'extensions.front.flatten_to_reshape.FlattenToReshape'> | 69 | True | <class 'extensions.front.rank_decomposer.RankDecomposer'> | 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 | None | <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIPSROIPoolingReplacement'> | 87 | True | <class 'extensions.front.sub.Sub'> | 88 | True | <class 'extensions.front.split_normalizer.SqueezeAxis'> | 89 | None | <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIMaskRCNNROIPoolingSecondReplacement'> | 90 | None | <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIMaskRCNNSigmoidReplacement'> | 91 | True | <class 'extensions.front.tf.concat.Concat'> | 92 | True | <class 'extensions.front.ChangePlaceholderTypes.ChangePlaceholderTypes'> | 93 | True | <class 'extensions.front.ChangeCastOutputType.ChangeCastOutputType'> | 94 | True | <class 'extensions.front.tf.CTCGreedyDecoder.CTCGreedyDecoderReplacement'> | 95 | True | <class 'extensions.front.tf.bucketize.BucketizeFrontReplacer'> | 96 | True | <class 'extensions.front.tf.BlockLSTM.BlockLSTM'> | 97 | True | <class 'extensions.front.binary_quantize_normalization.BinaryFakeQuantizeNormalization'> | 98 | True | <class 'extensions.front.tf.BatchToSpaceNDToUpsample.BatchToSpaceNDToUpsample'> | 99 | True | <class 'extensions.front.split_normalizer.AttributedVariadicSplitToVariadicSplit'> | 100 | True | <class 'extensions.front.split_normalizer.AttributedSplitToSplit'> | 101 | True | <class 'extensions.front.tf.basic_lstm_cell.BasicLSTMCell'> | 102 | True | <class 'extensions.front.AttributedGatherNormalizer.AttributedGatherNormalizer'> | 103 | True | <class 'extensions.front.tf.assign_elimination.AssignSubElimination'> | 104 | True | <class 'extensions.front.tf.assign_elimination.AssignElimination'> | 105 | True | <class 'extensions.front.tf.assign_elimination.AssignAddElimination'> | 106 | True | <class 'extensions.front.tf.assign_elimination.AssertElimination'> | 107 | True | <class 'extensions.front.ArgMaxSqueeze.ArgMaxSqueeze'> | 108 | True | <class 'extensions.front.pass_separator.FrontFinish'> | 109 | True | <class 'extensions.front.create_tensor_nodes.CreateTensorNodes'> | 110 | True | <class 'extensions.middle.PartialInfer.PartialInfer'> | 111 | True | <class 'extensions.middle.ReverseV2ToReverseSequence.ReverseToReverseSequence'> | 112 | True | <class 'extensions.middle.DeleteControlFlowEdges.DeleteControlFlowEdges'> | 113 | True | <class 'extensions.middle.quantize_fuses.MarkNodesToFuseUpToFakeQuantize'> | 114 | True | <class 'extensions.middle.quantize_fuses.FakeQuantizeFuse'> | 115 | True | <class 'extensions.middle.BinarizeWeightsM1P1.BinarizeWeightsM1P1'> | 116 | True | <class 'extensions.middle.ReluQuantizeFuse.ReluFakeQuantizeMark'> | 117 | True | <class 'extensions.middle.ReluQuantizeFuse.ReluQuantizeFuse'> | 118 | True | <class 'extensions.middle.ReluQuantizeFuse.ClampQuantizeMark'> | 119 | True | <class 'extensions.middle.AddIsCyclicAttribute.AddIsCyclicAttribute'> | 120 | True | <class 'extensions.middle.TensorIteratorInput.SmartInputMatcher'> | 121 | True | <class 'extensions.middle.TensorIteratorOutput.SmartOutputMatcher'> | 122 | True | <class 'extensions.middle.TensorIteratorOutput.SimpleOutputMatcher'> | 123 | True | <class 'extensions.middle.TensorIteratorCondition.LoopConditionMatcher'> | 124 | True | <class 'extensions.middle.TensorIteratorCondition.SimpleConditionMatcher'> | 125 | True | <class 'extensions.middle.TensorIteratorCondition.DynamicDecoderConditionMatcher'> | 126 | True | <class 'extensions.middle.TensorIteratorBackEdge.BackEdgesMatching'> | 127 | True | <class 'extensions.middle.TensorIteratorConditionChecker.ConditionChecks'> | 128 | True | <class 'extensions.middle.DeleteNotExecutable.DeleteNotExecutable'> | 129 | True | <class 'extensions.middle.TensorIteratorInput.SimpleInputMatcher'> | 130 | True | <class 'extensions.middle.TensorIteratorInput.BackEdgeSimpleInputMatcher'> | 131 | True | <class 'extensions.middle.TensorIteratorMerge.TensorIteratorMerge'> | 132 | True | <class 'extensions.middle.CheckForCycle.CheckForCycle'> | 133 | True | <class 'extensions.middle.SharedWeightsDuplication.SharedWeightsDuplication'> | 134 | True | <class 'extensions.middle.pass_separator.PreMiddleStart'> | 135 | True | <class 'extensions.middle.UselessSplitEraser.UselessSplitEraser'> | 136 | True | <class 'extensions.middle.InputCut.MiddleInputCut'> | 137 | True | <class 'extensions.middle.ScaleInput.ScaleInput'> | 138 | True | <class 'extensions.middle.AddMeanScaleValues.AddMeanScaleValues'> | 139 | True | <class 'extensions.middle.RemoveIdentity.RemoveNodesWithZeroPhase'> | 140 | True | <class 'extensions.middle.RemoveIdentity.RemoveIdentity'> | 141 | True | <class 'extensions.middle.RemoveIdentity.RemoveDropout'> | 142 | True | <class 'extensions.middle.L2NormToNorm.L2NormToNorm'> | 143 | True | <class 'extensions.middle.DilatedConvolution.DilatedConvolutionConverter'> | 144 | True | <class 'extensions.middle.CustomSubgraphCall.CustomSubgraphCall'> | 145 | True | <class 'extensions.middle.ConvertMultiInputConv.ConvertMultiInputConv'> | 146 | True | <class 'extensions.middle.pass_separator.MiddleStart'> | 147 | True | <class 'extensions.middle.wights_permute_normalizer.WeightsPermuteNormalizer'> | 148 | True | <class 'extensions.middle.UpsampleToResample.UpsampleToResample'> | 149 | True | <class 'extensions.middle.TF_lstm_cell_to_generic.TensorFlowLSTMtoGeneric'> | 150 | True | <class 'extensions.middle.SwapAxesMiddleReplacer.SwapAxisMiddleReplacer'> | 151 | True | <class 'extensions.middle.sparse_reshape.SparseReshapeMiddleReplacer'> | 152 | True | <class 'extensions.middle.space_to_depth.SpaceToDepth'> | 153 | True | <class 'extensions.middle.ShuffleChannel.ShuffleChannel'> | 154 | True | <class 'extensions.middle.ReverseTransposeNormalization.ReverseTransposeNormalization'> | 155 | True | <class 'extensions.middle.ReplacePNorm.ReplacePNormNodePattern'> | 156 | True | <class 'extensions.middle.ReplaceMemoryOffsetWithSplice.ReplaceMemoryOffsetWithMemoryNodePattern'> | 157 | True | <class 'extensions.middle.ReplaceMemoryOffsetWithSplice.ReplaceMemoryOffsetNodePattern'> | 158 | True | <class 'extensions.middle.RemoveDuplicationMemory.RemoveMemoryDuplicationPattern'> | 159 | True | <class 'extensions.middle.RemoveDuplicationMemory.MergeNeighborSplicePattern'> | 160 | True | <class 'extensions.middle.RemoveUselessCrops.RemoveUselessCropsPattern'> | 161 | True | <class 'extensions.middle.InsertSelect.AddSelectBeforeMemoryNodePattern'> | 162 | True | <class 'extensions.middle.ReplaceSpliceNodePattern.ReplaceSpliceNodePattern'> | 163 | True | <class 'extensions.middle.RemoveUselessConcatSplit.RemoveUselessConcatSplitPattern'> | 164 | True | <class 'extensions.middle.ONNXRNNSequenceNormalize.ONNXRNNSequenceNormalize'> | 165 | False | <class 'extensions.middle.TensorIteratorLSTMToLSTMSequence.TensorIteratorLSTM'> | 166 | True | <class 'extensions.middle.NormalizePad.NormalizePad'> | 167 | True | <class 'extensions.middle.MinimumMiddleReplacer.MinimumMiddleReplacer'> | 168 | True | <class 'extensions.middle.MXTileReplacer.MXTileReplacer'> | 169 | True | <class 'extensions.middle.MXRepeatReplacer.MXRepeatReplacer'> | 170 | True | <class 'extensions.middle.MXNetSplitMultiLayers.MXNetSplitLayersToRNNSequence'> | 171 | True | <class 'extensions.middle.MXNetRNNSequenceNormalize.MXNetRNNSequenceNormalize'> | 172 | True | <class 'extensions.middle.DecomposeBidirectionalRNNSequence.DecomposeBidirectionalRNNSequence'> | 173 | None | <class 'extensions.middle.RNNSequenceNormalizeToIE.RNNSequenceNormalize'> | 174 | True | <class 'extensions.middle.GRURNNSequenceToTensorIterator.GRUAndRNNToTensorIterator'> | 175 | True | <class 'extensions.middle.GatherNdNormalizer.GatherNdNormalize'> | 176 | True | <class 'extensions.middle.FusedBatchNormTraining.FusedBatchNormTraining'> | 177 | True | <class 'extensions.middle.FusedBatchNormNonConstant.FusedBatchNormNonConstant'> | 178 | True | <class 'extensions.middle.EltwiseInputReshape.EltwiseInputReshape'> | 179 | False | <class 'extensions.middle.EltwiseInputReshape.Eltwise1DInputReshape'> | 180 | False | <class 'extensions.middle.EltwiseInputNormalization.EltwiseInputNormalize'> | 181 | True | <class 'extensions.middle.DepthToSpace.DepthToSpace'> | 182 | True | <class 'extensions.middle.Deconvolution3rdInputNormalization.Deconvolution3rdInputNormalization'> | 183 | True | <class 'extensions.middle.DecomposeBias.DecomposeBias'> | 184 | True | <class 'extensions.middle.SliceConverter.ConvertSlice'> | 185 | True | <class 'extensions.middle.UselessStridedSlice.UselessStridedSliceEraser'> | 186 | True | <class 'extensions.middle.ConvertGroupedStridedSlice.ConvertGroupedStridedSlice'> | 187 | True | <class 'extensions.middle.ConvertLayoutDependentOperations.ConvertLayoutDependentOperations'> | 188 | True | <class 'extensions.middle.ConvToBinaryConv.ConvToBinaryConv'> | 189 | True | <class 'extensions.middle.ConstSwitchResolver.ConstSwitchEraser'> | 190 | True | <class 'extensions.middle.UselessMerge.UselessMergeEraser'> | 191 | True | <class 'extensions.middle.BlockLSTMtoLSTMSequence.BlockLSTMtoLSTMSequence'> | 192 | True | <class 'extensions.middle.LSTMRNNSequenceToTensorIterator.LSTMToTensorIterator'> | 193 | True | <class 'extensions.middle.permute_tensor_iterator.TransposeTensorIteratorLSTM'> | 194 | True | <class 'extensions.middle.reverse_tensor_iterator.ReverseTensorIteratorLSTM'> | 195 | True | <class 'extensions.middle.BiasAddBroadcasting.BiasAddInputBroadcasting'> | 196 | True | <class 'extensions.middle.EltwiseChecker.EltwiseChecker'> | 197 | True | <class 'extensions.middle.GroupNorm.GroupNormToMVN'> | 198 | True | <class 'extensions.middle.AttributedTileNormalizer.AttributedTileNormalizer'> | 199 | True | <class 'extensions.middle.ArgMaxToTopK.ArgMaxToTopK'> | 200 | True | <class 'extensions.middle.AnchorToPriorBox.AnchorToPriorBoxes'> | 201 | True | <class 'extensions.middle.ssd_anchors_to_const.SsdAnchorsMiddleReplacer'> | 202 | True | <class 'extensions.middle.FakeSplitOutputs.AddFakeOutputsToVariadicSplit'> | 203 | True | <class 'extensions.middle.FakeSplitOutputs.AddFakeOutputsToSplit'> | 204 | True | <class 'extensions.middle.pass_separator.MiddleFinish'> | 205 | True | <class 'extensions.middle.RemoveRedundantReshapeAfterCropAndResize.RemoveRedundantReshapeAfterCropAndResize'> | 206 | True | <class 'extensions.middle.NasNet.NasNet'> | 207 | True | <class 'extensions.middle.fusings.Fusing'> | 208 | True | <class 'extensions.middle.LeakyReluPattern.LeakyReLU'> | 209 | True | <class 'extensions.middle.MulAddToSS.MulAddToSS'> | 210 | True | <class 'extensions.middle.preprocessing.Preprocessing'> | 211 | True | <class 'extensions.middle.preprocessing.CaffeMeanFileProcessing'> | 212 | True | <class 'extensions.middle.ConcatOptimization.ConcatOptimization'> | 213 | True | <class 'extensions.middle.FuseReshapesSequence.FuseReshapesSequence'> | 214 | True | <class 'extensions.middle.RemoveRedundantReshapes.RemoveRedundantReshapes'> | 215 | True | <class 'extensions.middle.pass_separator.PostMiddleStart'> | 216 | True | <class 'extensions.middle.InsertLayoutPropagationTransposes.InsertLayoutPropagationTranspose'> | 217 | True | <class 'extensions.middle.LayoutChangeForConstantShapePaths.LayoutChangeForConstantShapePaths'> | 218 | True | <class 'extensions.middle.ApplyNHWCtoNCHWpermutation.ApplyNHWCtoNCHWpermutation'> | 219 | True | <class 'extensions.middle.ApplyPermutations.ApplyPermutation'> | 220 | True | <class 'extensions.back.pass_separator.BackStart'> | 221 | True | <class 'extensions.back.split_normalizer.VariadicSplitNormalizer'> | 222 | True | <class 'extensions.back.split_normalizer.PassVariadicSplitAsIs'> | 223 | True | <class 'extensions.back.UselessConcatRemoval.UselessConcatRemoval'> | 224 | True | <class 'extensions.back.TileNormalizer.TileInputAlignment'> | 225 | True | <class 'extensions.back.TileNormalizer.TileMultipleAxisReplacer'> | 226 | True | <class 'extensions.back.TileNormalizer.Tile3DReshaper'> | 227 | True | <class 'extensions.back.TileNormalizer.TileVersionDowngrader'> | 228 | True | <class 'extensions.back.ElementwiseOpsToEltwiseOps.SubtractToEltwises'> | 229 | False | <class 'extensions.back.ShufflenetReLUReorder.ShufflenetReLUReorder'> | 230 | True | <class 'extensions.back.SelectBroadcast.SelectBroadcast'> | 231 | False | <class 'extensions.back.ReverseInputChannels.ReverseChannelsPropagationUp'> | 232 | False | <class 'extensions.back.ReverseInputChannels.ReverseChannelsPropagationDown'> | 233 | True | <class 'extensions.back.ResultNormalizer.ResultNormalizer'> | 234 | False | <class 'extensions.back.RemoveUselessConvert.RemoveUselessConvert'> | 235 | True | <class 'extensions.back.remove_last_softmax_pattern.RemoveLastSoftMaxPattern'> | 236 | True | <class 'extensions.back.remove_last_softmax_pattern.RemoveLastLogSoftMaxPattern'> | 237 | True | <class 'extensions.back.ReduceToPooling.ReduceReplacer'> | 238 | True | <class 'extensions.back.ReduceToPooling.ReduceLogicalReplacer'> | 239 | True | <class 'extensions.back.RNNSequenceTypeRename.RNNSequence'> | 240 | True | <class 'extensions.back.ProposalMutation.ProposalMutation'> | 241 | True | <class 'extensions.back.priorbox_mutation.PriorboxMutation'> | 242 | True | <class 'extensions.back.PadNormalizer.PadNormalize'> | 243 | True | <class 'extensions.back.PackBinaryWeights.PackBinaryWeights'> | 244 | False | <class 'extensions.back.op_versioning.OpVersioning'> | 245 | True | <class 'extensions.back.OneHotNormalizer.OneHotNormalizer'> | 246 | False | <class 'extensions.back.SpecialNodesFinalization.NormalizeTI'> | 247 | True | <class 'extensions.back.NonMaximumSuppressionNormalize.NonMaximumSuppressionNormalizer'> | 248 | False | <class 'extensions.back.ScalarConstNormalize.ScalarNormalize'> | 249 | True | <class 'extensions.back.TopKNormalizer.TopKNormalizer'> | 250 | True | <class 'extensions.back.Reshape0DToSqueeze.Reshape0DToSqueeze'> | 251 | True | <class 'extensions.back.fuse_sub_div_min.Negate'> | 252 | True | <class 'extensions.back.fuse_sub_div_min.EltwisesToSubtract'> | 253 | True | <class 'extensions.back.MaxPool.MaxPool'> | 254 | True | <class 'extensions.back.MatMulNormalizer.MatMulConstTransposesExtraction'> | 255 | True | <class 'extensions.back.MatMulNormalizer.MatMulToFullyConnected'> | 256 | True | <class 'extensions.back.MatMulNormalizer.SSBiasAddonForFC'> | 257 | True | <class 'extensions.back.MatMulNormalizer.PullTransposeThroughFQUp'> | 258 | True | <class 'extensions.back.MatMulNormalizer.BiasAddonForFC'> | 259 | True | <class 'extensions.back.MatMulNormalizer.FullyConnectedFinalization'> | 260 | True | <class 'extensions.back.LeakyReluToReluWithNegativeSlope.LeakyReluToReluWithNegativeSlope'> | 261 | True | <class 'extensions.back.LeakyReLUMutation.LeakyReLUMutation'> | 262 | True | <class 'extensions.back.LSTMCellNormalizer.LSTMCellNormalizer'> | 263 | True | <class 'extensions.back.LRNToNorm.LRN_normalization'> | 264 | True | <class 'extensions.back.InterpolateToInterpOrResample.InterpolateToInterpOrResample'> | 265 | True | <class 'extensions.back.ShapeOfToShape.ShapeOfToShape'> | 266 | False | <class 'extensions.back.ReverseInputChannels.InsertReverseChannels'> | 267 | True | <class 'extensions.back.GatherNormalizer.GatherTreeNormalizer'> | 268 | True | <class 'extensions.back.GatherNormalizer.GatherNormalizer'> | 269 | True | <class 'extensions.back.GatherNormalizer.Gather0D'> | 270 | True | <class 'extensions.back.FuseTransposesSequence.FuseTransposesSequence'> | 271 | True | <class 'extensions.back.ShuffleChannelPatternOptimization.ShuffleChannelPatternOptimization'> | 272 | False | <class 'extensions.back.OptimizeTransposeReshapeSequence.OptimizeTransposeReshapeSequence'> | 273 | False | <class 'extensions.back.ReduceTransposeDimensions.ReduceTransposeDimensions'> | 274 | True | <class 'extensions.back.TransposeToPermute.TransposeToPermute'> | 275 | True | <class 'extensions.back.EnableConstantStridedSlice.EnableConstantStridedSlice'> | 276 | True | <class 'extensions.back.ElementwiseOpsToEltwiseOps.EltwisesWithScalarInputToPower'> | 277 | True | <class 'extensions.back.ElementwiseOpsToEltwiseOps.MulAddPowerMerge'> | 278 | True | <class 'extensions.back.ElementwiseOpsToEltwiseOps.MulPowPowerMerge'> | 279 | True | <class 'extensions.back.ElementwiseOpsToEltwiseOps.AddPowPowerMerge'> | 280 | True | <class 'extensions.back.ElementwiseOpsToEltwiseOps.MulAddPowPowerMerge'> | 281 | True | <class 'extensions.back.fuse_sub_div_min.EltwisesToDiv'> | 282 | True | <class 'extensions.back.DumpFakeQuantStat.DumpFakeQuantStat'> | 283 | True | <class 'extensions.back.ElementwiseOpsToEltwiseOps.DivideToEltwises'> | 284 | False | <class 'extensions.back.disable_unsupported_ND_operations.DisableUnsupportedNDOperations'> | 285 | False | <class 'extensions.back.ReverseInputChannels.DecomposeReverseChannels'> | 286 | True | <class 'extensions.back.CutMemory.CutMemory'> | 287 | True | <class 'extensions.back.CropToStridedSlice.CropToStridedSlice'> | 288 | True | <class 'extensions.back.StridedSliceMasksNormalizer.StridedSliceMasksNormalizer'> | 289 | True | <class 'extensions.back.ConvolutionNormalizer.ConvolutionReshaper'> | 290 | True | <class 'extensions.back.ConvolutionNormalizer.ConvolutionNormalizer'> | 291 | True | <class 'extensions.back.insert_compatibility_l2normalization.CompatibilityL2NormalizationPattern'> | 292 | True | <class 'extensions.back.NormalizeToNormalizeL2.NormalizeToNormalizeL2'> | 293 | True | <class 'extensions.back.ElementwiseOpsToEltwiseOps.SimpleEltwiseToEltwiseOp'> | 294 | True | <class 'extensions.back.ScalarConstNormalize.ScalarNormalizeForSpecificOps'> | 295 | True | <class 'extensions.back.ScalarConstNormalize.RangeInputNormalize'> | 296 | True | <class 'extensions.back.AvgPool.AvgPool'> | 297 | True | <class 'extensions.back.ReverseInputChannels.ApplyReverseChannels'> | 298 | True | <class 'extensions.back.split_normalizer.SplitNormalizer'> | 299 | True | <class 'extensions.back.ParameterToPlaceholder.ParameterToInput'> | 300 | True | <class 'extensions.back.GroupedConvWeightsNormalize.GroupedConvWeightsNormalize'> | 301 | True | <class 'extensions.back.ConvolutionNormalizer.DeconvolutionNormalizer'> | 302 | True | <class 'extensions.back.ConvolutionNormalizer.ConvolutionWithGroupsResolver'> | 303 | True | <class 'extensions.back.ReshapeMutation.ReshapeMutation'> | 304 | True | <class 'extensions.back.ForceStrictPrecision.ForceStrictPrecision'> | 305 | True | <class 'extensions.back.I64ToI32.I64ToI32'> | 306 | True | <class 'extensions.back.ReshapeMutation.DisableReshapeMutationInTensorIterator'> | 307 | True | <class 'extensions.back.ConvolutionNormalizer.PullReshapeThroughFQ'> | 308 | True | <class 'extensions.back.ActivationsNormalizer.ActivationsNormalizer'> | 309 | True | <class 'extensions.back.pass_separator.BackFinish'> | 310 | False | <class 'extensions.back.SpecialNodesFinalization.RemoveConstOps'> | 311 | False | <class 'extensions.back.SpecialNodesFinalization.CreateConstNodesReplacement'> | 312 | True | <class 'extensions.back.kaldi_remove_memory_output.KaldiRemoveMemoryOutputBackReplacementPattern'> | 313 | False | <class 'extensions.back.SpecialNodesFinalization.RemoveOutputOps'> | 314 | True | <class 'extensions.back.blob_normalizer.BlobNormalizer'> | 315 | False | <class 'extensions.middle.AddFakeQuantizeFuse.AddFakeQuantizeFuse'> [ 2020-05-06 17:08:40,492 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.analysis.boolean_input.TrainingPhaseAnalysis'> [ 2020-05-06 17:08:40,510 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.analysis.tf_yolo.TensorFlowYOLOV3Analysis'> [ 2020-05-06 17:08:40,545 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.analysis.tf_yolo.TensorFlowYOLOV1V2Analysis'> [ 2020-05-06 17:08:40,620 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.analysis.tf_retinanet.TensorFlowRetinaNet'> [ 2020-05-06 17:08:40,697 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.analysis.tf_od_api.TensorFlowObjectDetectionAPIAnalysis'> [ INFO ] Skip replacer <class 'extensions.middle.MulFakeQuantizeFuse.MulFakeQuantizeFuse'> (enabled = False) [ 2020-05-06 17:08:40,877 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.analysis.nodes.IntermediatesNodesAnalysis'> [ 2020-05-06 17:08:40,904 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.analysis.inputs.InputsAnalysis'> [ 2020-05-06 17:08:40,930 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'mo.utils.model_analysis.AnalysisCollectorAnchor'> [ INFO ] Skip replacer <class 'extensions.analysis.json_print.AnalysisJSONPrint'> (enabled = False) [ 2020-05-06 17:08:40,946 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.user_data_repack.UserDataRepack'> [ 2020-05-06 17:08:40,965 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.output_cut.OutputCut'> [ 2020-05-06 17:08:41,008 ] [ DEBUG ] [ graph:1034 ] Sink: detection_boxes/sink_port_0 for node detection_boxes [ 2020-05-06 17:08:41,008 ] [ DEBUG ] [ graph:1035 ] {'kind': 'op', 'op': 'Result', 'type': 'Result', 'infer': <function Result.__init__.<locals>.<lambda> at 0x0000027887C05C18>, 'value': None, 'data_type': None, 'in_ports_count': 1, 'name': 'detection_boxes/sink_port_0', 'dim_attrs': ['batch_dims', 'channel_dims', 'axis', 'spatial_dims'], 'shape_attrs': ['shape', 'window', 'output_shape', 'pad', 'stride'], 'IE': [('layer', [('id', <function Op.substitute_ie_attrs.<locals>.<lambda> at 0x0000027886099DC8>), 'name', 'type', 'version'], [('data', [], []), '@ports', '@consts'])], '_in_ports': {0: {}}, '_out_ports': {}} [ 2020-05-06 17:08:41,010 ] [ DEBUG ] [ graph:1036 ] Add edge from detection_boxes to detection_boxes/sink_port_0 [ 2020-05-06 17:08:41,014 ] [ DEBUG ] [ graph:1034 ] Sink: detection_scores/sink_port_0 for node detection_scores [ 2020-05-06 17:08:41,015 ] [ DEBUG ] [ graph:1035 ] {'kind': 'op', 'op': 'Result', 'type': 'Result', 'infer': <function Result.__init__.<locals>.<lambda> at 0x0000027887C054C8>, 'value': None, 'data_type': None, 'in_ports_count': 1, 'name': 'detection_scores/sink_port_0', 'dim_attrs': ['batch_dims', 'channel_dims', 'axis', 'spatial_dims'], 'shape_attrs': ['shape', 'window', 'output_shape', 'pad', 'stride'], 'IE': [('layer', [('id', <function Op.substitute_ie_attrs.<locals>.<lambda> at 0x0000027886099D38>), 'name', 'type', 'version'], [('data', [], []), '@ports', '@consts'])], '_in_ports': {0: {}}, '_out_ports': {}} [ 2020-05-06 17:08:41,016 ] [ DEBUG ] [ graph:1036 ] Add edge from detection_scores to detection_scores/sink_port_0 [ 2020-05-06 17:08:41,017 ] [ DEBUG ] [ graph:1034 ] Sink: detection_multiclass_scores/sink_port_0 for node detection_multiclass_scores [ 2020-05-06 17:08:41,017 ] [ DEBUG ] [ graph:1035 ] {'kind': 'op', 'op': 'Result', 'type': 'Result', 'infer': <function Result.__init__.<locals>.<lambda> at 0x0000027887C05048>, 'value': None, 'data_type': None, 'in_ports_count': 1, 'name': 'detection_multiclass_scores/sink_port_0', 'dim_attrs': ['batch_dims', 'channel_dims', 'axis', 'spatial_dims'], 'shape_attrs': ['shape', 'window', 'output_shape', 'pad', 'stride'], 'IE': [('layer', [('id', <function Op.substitute_ie_attrs.<locals>.<lambda> at 0x0000027886099168>), 'name', 'type', 'version'], [('data', [], []), '@ports', '@consts'])], '_in_ports': {0: {}}, '_out_ports': {}} [ 2020-05-06 17:08:41,018 ] [ DEBUG ] [ graph:1036 ] Add edge from detection_multiclass_scores to detection_multiclass_scores/sink_port_0 [ 2020-05-06 17:08:41,024 ] [ DEBUG ] [ graph:1034 ] Sink: detection_classes/sink_port_0 for node detection_classes [ 2020-05-06 17:08:41,025 ] [ DEBUG ] [ graph:1035 ] {'kind': 'op', 'op': 'Result', 'type': 'Result', 'infer': <function Result.__init__.<locals>.<lambda> at 0x0000027887C05288>, 'value': None, 'data_type': None, 'in_ports_count': 1, 'name': 'detection_classes/sink_port_0', 'dim_attrs': ['batch_dims', 'channel_dims', 'axis', 'spatial_dims'], 'shape_attrs': ['shape', 'window', 'output_shape', 'pad', 'stride'], 'IE': [('layer', [('id', <function Op.substitute_ie_attrs.<locals>.<lambda> at 0x0000027886099288>), 'name', 'type', 'version'], [('data', [], []), '@ports', '@consts'])], '_in_ports': {0: {}}, '_out_ports': {}} [ 2020-05-06 17:08:41,026 ] [ DEBUG ] [ graph:1036 ] Add edge from detection_classes to detection_classes/sink_port_0 [ 2020-05-06 17:08:41,026 ] [ DEBUG ] [ graph:1034 ] Sink: num_detections/sink_port_0 for node num_detections [ 2020-05-06 17:08:41,027 ] [ DEBUG ] [ graph:1035 ] {'kind': 'op', 'op': 'Result', 'type': 'Result', 'infer': <function Result.__init__.<locals>.<lambda> at 0x0000027887C05798>, 'value': None, 'data_type': None, 'in_ports_count': 1, 'name': 'num_detections/sink_port_0', 'dim_attrs': ['batch_dims', 'channel_dims', 'axis', 'spatial_dims'], 'shape_attrs': ['shape', 'window', 'output_shape', 'pad', 'stride'], 'IE': [('layer', [('id', <function Op.substitute_ie_attrs.<locals>.<lambda> at 0x00000278860993A8>), 'name', 'type', 'version'], [('data', [], []), '@ports', '@consts'])], '_in_ports': {0: {}}, '_out_ports': {}} [ 2020-05-06 17:08:41,027 ] [ DEBUG ] [ graph:1036 ] Add edge from num_detections to num_detections/sink_port_0 [ 2020-05-06 17:08:41,027 ] [ DEBUG ] [ graph:1034 ] Sink: raw_detection_boxes/sink_port_0 for node raw_detection_boxes [ 2020-05-06 17:08:41,028 ] [ DEBUG ] [ graph:1035 ] {'kind': 'op', 'op': 'Result', 'type': 'Result', 'infer': <function Result.__init__.<locals>.<lambda> at 0x0000027887C0FEE8>, 'value': None, 'data_type': None, 'in_ports_count': 1, 'name': 'raw_detection_boxes/sink_port_0', 'dim_attrs': ['batch_dims', 'channel_dims', 'axis', 'spatial_dims'], 'shape_attrs': ['shape', 'window', 'output_shape', 'pad', 'stride'], 'IE': [('layer', [('id', <function Op.substitute_ie_attrs.<locals>.<lambda> at 0x00000278860994C8>), 'name', 'type', 'version'], [('data', [], []), '@ports', '@consts'])], '_in_ports': {0: {}}, '_out_ports': {}} [ 2020-05-06 17:08:41,028 ] [ DEBUG ] [ graph:1036 ] Add edge from raw_detection_boxes to raw_detection_boxes/sink_port_0 [ 2020-05-06 17:08:41,029 ] [ DEBUG ] [ graph:1034 ] Sink: raw_detection_scores/sink_port_0 for node raw_detection_scores [ 2020-05-06 17:08:41,029 ] [ DEBUG ] [ graph:1035 ] {'kind': 'op', 'op': 'Result', 'type': 'Result', 'infer': <function Result.__init__.<locals>.<lambda> at 0x0000027887C0FF78>, 'value': None, 'data_type': None, 'in_ports_count': 1, 'name': 'raw_detection_scores/sink_port_0', 'dim_attrs': ['batch_dims', 'channel_dims', 'axis', 'spatial_dims'], 'shape_attrs': ['shape', 'window', 'output_shape', 'pad', 'stride'], 'IE': [('layer', [('id', <function Op.substitute_ie_attrs.<locals>.<lambda> at 0x00000278860995E8>), 'name', 'type', 'version'], [('data', [], []), '@ports', '@consts'])], '_in_ports': {0: {}}, '_out_ports': {}} [ 2020-05-06 17:08:41,029 ] [ DEBUG ] [ graph:1036 ] Add edge from raw_detection_scores to raw_detection_scores/sink_port_0 [ 2020-05-06 17:08:41,033 ] [ DEBUG ] [ eliminate:66 ] The following nodes are seeded as output reachable: detection_boxes/sink_port_0 detection_classes/sink_port_0 detection_multiclass_scores/sink_port_0 detection_scores/sink_port_0 num_detections/sink_port_0 raw_detection_boxes/sink_port_0 raw_detection_scores/sink_port_0 [ 2020-05-06 17:08:41,181 ] [ DEBUG ] [ eliminate:136 ] Removing the following dead nodes: [ 2020-05-06 17:08:41,207 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.input_cut.InputCut'> [ 2020-05-06 17:08:41,232 ] [ DEBUG ] [ eliminate:66 ] The following nodes are seeded as output reachable: detection_boxes/sink_port_0 detection_classes/sink_port_0 detection_multiclass_scores/sink_port_0 detection_scores/sink_port_0 num_detections/sink_port_0 raw_detection_boxes/sink_port_0 raw_detection_scores/sink_port_0 [ 2020-05-06 17:08:41,377 ] [ DEBUG ] [ eliminate:136 ] Removing the following dead nodes: [ INFO ] Skip replacer <class 'extensions.front.tf.variables_values_freezing.VariablesToConstants'> (graph_condition not satisfied) [ 2020-05-06 17:08:41,406 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.restore_ports.RestorePorts'> [ 2020-05-06 17:08:41,436 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.MoveEmbeddedInputsToInputs.MoveEmbeddedInputsToInputs'> [ 2020-05-06 17:08:41,515 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.freeze_placeholder_value.FreezePlaceholderValue'> [ INFO ] Skip replacer <class 'extensions.front.tf.tensorflow_custom_operations_config_update.TensorflowCustomOperationsConfigUpdate'> (graph_condition not satisfied) [ INFO ] Skip replacer <class 'extensions.front.tf.tensorflow_patterns.TensorflowSubgraphPatterns'> (graph_condition not satisfied) [ INFO ] Skip replacer <class 'extensions.front.tf.tensorflow_patterns.TensorflowOperationPatterns'> (graph_condition not satisfied) [ 2020-05-06 17:08:41,596 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.transformations_config.TransformationsConfig'> [ INFO ] Registered custom replacement with id 'ObjectDetectionAPIPreprocessorReplacement' [ INFO ] Registered custom replacement with id 'ObjectDetectionAPISSDPostprocessorReplacement' [ 2020-05-06 17:08:41,620 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.reshape_dim_normalizer.ReshapeDimNormalizer'> [ 2020-05-06 17:08:41,751 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.pass_separator.FrontStart'> [ 2020-05-06 17:08:41,773 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.YOLO.YoloV3RegionAddon'> [ WARNING ] Configuration file for custom replacement with id 'TFYOLOV3' doesn't exist [ INFO ] Failed to find custom replacement description with id 'TFYOLOV3' [ 2020-05-06 17:08:41,810 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.split_normalizer.VariadicSplitInputsSwap'> [ 2020-05-06 17:08:41,833 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.UnpackPackReverseInputChannels.UnpackPackReverseInputChannels'> [ 2020-05-06 17:08:41,914 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.transposed_mvn_unrolled.TransposedMVNUnrolled'> [ 2020-05-06 17:08:41,915 ] [ DEBUG ] [ transposed_mvn_unrolled:111 ] Enabled Transposed MVN replacement [ 2020-05-06 17:08:41,998 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.TopKNormalize.TopKNormalize'> [ 2020-05-06 17:08:42,001 ] [ DEBUG ] [ TopKNormalize:43 ] The TopK node input "Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField/TopKV2" is already normalized [ 2020-05-06 17:08:42,001 ] [ DEBUG ] [ TopKNormalize:43 ] The TopK node input "Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField_1/TopKV2" is already normalized [ 2020-05-06 17:08:42,024 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.non_max_suppression_normalize.TFNonMaxSuppressionNormalize'> [ 2020-05-06 17:08:42,106 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.SwitchMergeOptimization.SwitchMergeOptimization'> [ 2020-05-06 17:08:42,130 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.swish.Swish'> [ 2020-05-06 17:08:42,208 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.swap_deconv_inputs.SwapDeconvInputs'> [ 2020-05-06 17:08:42,232 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.SqueezeNormalize.SqueezeNormalize'> [ 2020-05-06 17:08:42,236 ] [ DEBUG ] [ SqueezeNormalize:41 ] The Squeeze node "Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/non_max_suppression/NonMaxSuppressionV3/Crop/Squeeze" is already normalized [ 2020-05-06 17:08:42,257 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.split_normalizer.SplitInputsReconnect'> [ 2020-05-06 17:08:42,281 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.softsign_replacer.SoftSign'> [ 2020-05-06 17:08:42,360 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.SizeReplacer.SizeFrontReplacer'> [ 2020-05-06 17:08:42,422 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField/Size/Shape/ReduceProd/ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField/Equal with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField/Size', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:42,422 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField/Size/Shape/ReduceProd/ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField/Assert/Assert with attrs: {'in': 2, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField/Size', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:42,424 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField/Size'] [ 2020-05-06 17:08:42,426 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField_1/Size/Shape/ReduceProd/ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField_1/Equal with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField_1/Size', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:42,428 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField_1/Size/Shape/ReduceProd/ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField_1/Assert/Assert with attrs: {'in': 2, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField_1/Size', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:42,428 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField_1/Size'] [ 2020-05-06 17:08:42,449 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.SSDToolboxDetectionOutput.SSDToolboxDetectionOutputReplacement'> [ WARNING ] Configuration file for custom replacement with id 'SSDToolboxDetectionOutput' doesn't exist [ INFO ] Failed to find custom replacement description with id 'SSDToolboxDetectionOutput' [ 2020-05-06 17:08:42,471 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.RetinaNetFilteredDetectionsReplacement.RetinaNetFilteredDetectionsReplacement'> [ WARNING ] Configuration file for custom replacement with id 'RetinaNetFilteredDetectionsReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'RetinaNetFilteredDetectionsReplacement' [ 2020-05-06 17:08:42,497 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.reduce_axis_normalizer.ReduceAxisNormalizer'> [ 2020-05-06 17:08:42,665 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.softmax.SoftmaxFromKeras'> [ 2020-05-06 17:08:42,758 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.reciprocal.ReciprocalReplacer'> [ 2020-05-06 17:08:42,834 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.fifo_replacer.QueueDequeueManyV2'> [ 2020-05-06 17:08:42,911 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.prelu.PReLUWithAbs'> [ 2020-05-06 17:08:42,994 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.prelu.PReLU'> [ 2020-05-06 17:08:43,096 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.PowerToEltwises.PowerToEltwises'> [ 2020-05-06 17:08:43,175 ] [ DEBUG ] [ eliminate:66 ] The following nodes are seeded as output reachable: detection_boxes/sink_port_0 detection_classes/sink_port_0 detection_multiclass_scores/sink_port_0 detection_scores/sink_port_0 num_detections/sink_port_0 raw_detection_boxes/sink_port_0 raw_detection_scores/sink_port_0 [ 2020-05-06 17:08:43,331 ] [ DEBUG ] [ eliminate:136 ] Removing the following dead nodes: MultipleGridAnchorGenerator/Sqrt MultipleGridAnchorGenerator/Sqrt_1 MultipleGridAnchorGenerator/Sqrt_2 MultipleGridAnchorGenerator/Sqrt_3 MultipleGridAnchorGenerator/Sqrt_4 MultipleGridAnchorGenerator/Sqrt_5 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/zeros_like Postprocessor/zeros_like Postprocessor/zeros_like_1 [ 2020-05-06 17:08:43,359 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.mvn_unrolled.MVNUnrolled'> [ 2020-05-06 17:08:43,359 ] [ DEBUG ] [ mvn_unrolled:38 ] Enabled MVN replacement [ 2020-05-06 17:08:43,435 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIOutputReplacement'> [ WARNING ] Configuration file for custom replacement with id 'ObjectDetectionAPIOutputReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ObjectDetectionAPIOutputReplacement' [ 2020-05-06 17:08:43,461 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIConstValueOverride'> [ WARNING ] Configuration file for custom replacement with id 'ObjectDetectionAPIConstValueOverride' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ObjectDetectionAPIConstValueOverride' [ 2020-05-06 17:08:43,488 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIPreprocessorReplacement'> [ 2020-05-06 17:08:43,504 ] [ DEBUG ] [ replacement:139 ] replace_sub_graph: "ObjectDetectionAPIPreprocessorReplacement" matched nodes: Preprocessor/map/Const Preprocessor/map/Shape Preprocessor/map/TensorArray Preprocessor/map/TensorArrayStack/TensorArrayGatherV3 Preprocessor/map/TensorArrayStack/TensorArraySizeV3 Preprocessor/map/TensorArrayStack/range Preprocessor/map/TensorArrayStack/range/delta Preprocessor/map/TensorArrayStack/range/start Preprocessor/map/TensorArrayStack_1/TensorArrayGatherV3 Preprocessor/map/TensorArrayStack_1/TensorArraySizeV3 Preprocessor/map/TensorArrayStack_1/range Preprocessor/map/TensorArrayStack_1/range/delta Preprocessor/map/TensorArrayStack_1/range/start Preprocessor/map/TensorArrayUnstack/Shape Preprocessor/map/TensorArrayUnstack/TensorArrayScatter/TensorArrayScatterV3 Preprocessor/map/TensorArrayUnstack/range Preprocessor/map/TensorArrayUnstack/range/delta Preprocessor/map/TensorArrayUnstack/range/start Preprocessor/map/TensorArrayUnstack/strided_slice Preprocessor/map/TensorArrayUnstack/strided_slice/stack Preprocessor/map/TensorArrayUnstack/strided_slice/stack_1 Preprocessor/map/TensorArrayUnstack/strided_slice/stack_2 Preprocessor/map/TensorArray_1 Preprocessor/map/TensorArray_2 Preprocessor/map/strided_slice Preprocessor/map/strided_slice/stack Preprocessor/map/strided_slice/stack_1 Preprocessor/map/strided_slice/stack_2 Preprocessor/map/while/Enter Preprocessor/map/while/Enter_1 Preprocessor/map/while/Enter_2 Preprocessor/map/while/Enter_3 Preprocessor/map/while/Exit_2 Preprocessor/map/while/Exit_3 Preprocessor/map/while/Identity Preprocessor/map/while/Identity_1 Preprocessor/map/while/Identity_2 Preprocessor/map/while/Identity_3 Preprocessor/map/while/Less Preprocessor/map/while/Less/Enter Preprocessor/map/while/Less_1 Preprocessor/map/while/LogicalAnd Preprocessor/map/while/LoopCond Preprocessor/map/while/Merge Preprocessor/map/while/Merge_1 Preprocessor/map/while/Merge_2 Preprocessor/map/while/Merge_3 Preprocessor/map/while/NextIteration Preprocessor/map/while/NextIteration_1 Preprocessor/map/while/NextIteration_2 Preprocessor/map/while/NextIteration_3 Preprocessor/map/while/ResizeImage/resize/ExpandDims Preprocessor/map/while/ResizeImage/resize/ExpandDims/dim Preprocessor/map/while/ResizeImage/resize/ResizeBilinear Preprocessor/map/while/ResizeImage/resize/Squeeze Preprocessor/map/while/ResizeImage/resize/Squeeze/Dims Preprocessor/map/while/ResizeImage/stack Preprocessor/map/while/ResizeImage/stack_1 Preprocessor/map/while/Switch Preprocessor/map/while/Switch_1 Preprocessor/map/while/Switch_2 Preprocessor/map/while/Switch_3 Preprocessor/map/while/TensorArrayReadV3 Preprocessor/map/while/TensorArrayReadV3/Enter Preprocessor/map/while/TensorArrayReadV3/Enter_1 Preprocessor/map/while/TensorArrayWrite/TensorArrayWriteV3 Preprocessor/map/while/TensorArrayWrite/TensorArrayWriteV3/Enter Preprocessor/map/while/TensorArrayWrite_1/TensorArrayWriteV3 Preprocessor/map/while/TensorArrayWrite_1/TensorArrayWriteV3/Enter Preprocessor/map/while/add Preprocessor/map/while/add/y Preprocessor/map/while/add_1 Preprocessor/map/while/add_1/y Preprocessor/map/while/iteration_counter Preprocessor/mul Preprocessor/mul/x Preprocessor/sub Preprocessor/sub/y [ 2020-05-06 17:08:43,508 ] [ DEBUG ] [ pipeline_config:118 ] Found value "1" for path "num_classes" [ 2020-05-06 17:08:43,508 ] [ DEBUG ] [ pipeline_config:125 ] Found value "224" for path "image_resizer/fixed_shape_resizer/height" [ 2020-05-06 17:08:43,508 ] [ DEBUG ] [ pipeline_config:125 ] Found value "224" for path "image_resizer/fixed_shape_resizer/width" [ 2020-05-06 17:08:43,509 ] [ DEBUG ] [ pipeline_config:129 ] There is no value path "None". Set default value "256" [ 2020-05-06 17:08:43,514 ] [ DEBUG ] [ pipeline_config:129 ] There is no value path "None". Set default value "256" [ 2020-05-06 17:08:43,516 ] [ DEBUG ] [ pipeline_config:129 ] There is no value path "None". Set default value "16" [ 2020-05-06 17:08:43,516 ] [ DEBUG ] [ pipeline_config:129 ] There is no value path "None". Set default value "16" [ 2020-05-06 17:08:43,517 ] [ DEBUG ] [ pipeline_config:125 ] Found value "0.15" for path "anchor_generator/ssd_anchor_generator/min_scale" [ 2020-05-06 17:08:43,518 ] [ DEBUG ] [ pipeline_config:125 ] Found value "0.95" for path "anchor_generator/ssd_anchor_generator/max_scale" [ 2020-05-06 17:08:43,519 ] [ DEBUG ] [ pipeline_config:125 ] Found value "6" for path "anchor_generator/ssd_anchor_generator/num_layers" [ 2020-05-06 17:08:43,520 ] [ DEBUG ] [ pipeline_config:125 ] Found value "[0.7, 1.0]" for path "anchor_generator/ssd_anchor_generator/aspect_ratios" [ 2020-05-06 17:08:43,521 ] [ DEBUG ] [ pipeline_config:129 ] There is no value path "None". Set default value "1.0" [ 2020-05-06 17:08:43,521 ] [ DEBUG ] [ pipeline_config:129 ] There is no value path "None". Set default value "1.0" [ 2020-05-06 17:08:43,522 ] [ DEBUG ] [ pipeline_config:129 ] There is no value path "None". Set default value "1.0" [ 2020-05-06 17:08:43,523 ] [ DEBUG ] [ pipeline_config:125 ] Found value "SIGMOID" for path ".*/score_converter" [ 2020-05-06 17:08:43,524 ] [ DEBUG ] [ pipeline_config:125 ] Found value "1e-08" for path ".*/batch_non_max_suppression/score_threshold" [ 2020-05-06 17:08:43,528 ] [ DEBUG ] [ pipeline_config:125 ] Found value "0.3" for path ".*/batch_non_max_suppression/iou_threshold" [ 2020-05-06 17:08:43,528 ] [ DEBUG ] [ pipeline_config:125 ] Found value "100" for path ".*/batch_non_max_suppression/max_detections_per_class" [ 2020-05-06 17:08:43,529 ] [ DEBUG ] [ pipeline_config:125 ] Found value "100" for path ".*/batch_non_max_suppression/max_total_detections" [ 2020-05-06 17:08:43,529 ] [ DEBUG ] [ pipeline_config:125 ] Found value "10.0" for path "box_coder/faster_rcnn_box_coder/x_scale" [ 2020-05-06 17:08:43,529 ] [ DEBUG ] [ pipeline_config:125 ] Found value "10.0" for path "box_coder/faster_rcnn_box_coder/y_scale" [ 2020-05-06 17:08:43,530 ] [ DEBUG ] [ pipeline_config:125 ] Found value "5.0" for path "box_coder/faster_rcnn_box_coder/width_scale" [ 2020-05-06 17:08:43,530 ] [ DEBUG ] [ pipeline_config:125 ] Found value "5.0" for path "box_coder/faster_rcnn_box_coder/height_scale" [ INFO ] There is image scaling node in the Preprocessor block. [ 2020-05-06 17:08:43,532 ] [ DEBUG ] [ ObjectDetectionAPI:415 ] The model resizes image to a fixed shape: (224, 224) The Preprocessor block has been removed. Only nodes performing mean value subtraction and scaling (if applicable) are kept. [ 2020-05-06 17:08:43,532 ] [ DEBUG ] [ replacement:146 ] replace_sub_graph: "ObjectDetectionAPIPreprocessorReplacement" removing nodes: Preprocessor/map/Const Preprocessor/map/Shape Preprocessor/map/TensorArray Preprocessor/map/TensorArrayStack/TensorArrayGatherV3 Preprocessor/map/TensorArrayStack/TensorArraySizeV3 Preprocessor/map/TensorArrayStack/range Preprocessor/map/TensorArrayStack/range/delta Preprocessor/map/TensorArrayStack/range/start Preprocessor/map/TensorArrayStack_1/TensorArrayGatherV3 Preprocessor/map/TensorArrayStack_1/TensorArraySizeV3 Preprocessor/map/TensorArrayStack_1/range Preprocessor/map/TensorArrayStack_1/range/delta Preprocessor/map/TensorArrayStack_1/range/start Preprocessor/map/TensorArrayUnstack/Shape Preprocessor/map/TensorArrayUnstack/TensorArrayScatter/TensorArrayScatterV3 Preprocessor/map/TensorArrayUnstack/range Preprocessor/map/TensorArrayUnstack/range/delta Preprocessor/map/TensorArrayUnstack/range/start Preprocessor/map/TensorArrayUnstack/strided_slice Preprocessor/map/TensorArrayUnstack/strided_slice/stack Preprocessor/map/TensorArrayUnstack/strided_slice/stack_1 Preprocessor/map/TensorArrayUnstack/strided_slice/stack_2 Preprocessor/map/TensorArray_1 Preprocessor/map/TensorArray_2 Preprocessor/map/strided_slice Preprocessor/map/strided_slice/stack Preprocessor/map/strided_slice/stack_1 Preprocessor/map/strided_slice/stack_2 Preprocessor/map/while/Enter Preprocessor/map/while/Enter_1 Preprocessor/map/while/Enter_2 Preprocessor/map/while/Enter_3 Preprocessor/map/while/Exit_2 Preprocessor/map/while/Exit_3 Preprocessor/map/while/Identity Preprocessor/map/while/Identity_1 Preprocessor/map/while/Identity_2 Preprocessor/map/while/Identity_3 Preprocessor/map/while/Less Preprocessor/map/while/Less/Enter Preprocessor/map/while/Less_1 Preprocessor/map/while/LogicalAnd Preprocessor/map/while/LoopCond Preprocessor/map/while/Merge Preprocessor/map/while/Merge_1 Preprocessor/map/while/Merge_2 Preprocessor/map/while/Merge_3 Preprocessor/map/while/NextIteration Preprocessor/map/while/NextIteration_1 Preprocessor/map/while/NextIteration_2 Preprocessor/map/while/NextIteration_3 Preprocessor/map/while/ResizeImage/resize/ExpandDims Preprocessor/map/while/ResizeImage/resize/ExpandDims/dim Preprocessor/map/while/ResizeImage/resize/ResizeBilinear Preprocessor/map/while/ResizeImage/resize/Squeeze Preprocessor/map/while/ResizeImage/resize/Squeeze/Dims Preprocessor/map/while/ResizeImage/stack Preprocessor/map/while/ResizeImage/stack_1 Preprocessor/map/while/Switch Preprocessor/map/while/Switch_1 Preprocessor/map/while/Switch_2 Preprocessor/map/while/Switch_3 Preprocessor/map/while/TensorArrayReadV3 Preprocessor/map/while/TensorArrayReadV3/Enter Preprocessor/map/while/TensorArrayReadV3/Enter_1 Preprocessor/map/while/TensorArrayWrite/TensorArrayWriteV3 Preprocessor/map/while/TensorArrayWrite/TensorArrayWriteV3/Enter Preprocessor/map/while/TensorArrayWrite_1/TensorArrayWriteV3 Preprocessor/map/while/TensorArrayWrite_1/TensorArrayWriteV3/Enter Preprocessor/map/while/add Preprocessor/map/while/add/y Preprocessor/map/while/add_1 Preprocessor/map/while/add_1/y Preprocessor/map/while/iteration_counter [ 2020-05-06 17:08:43,554 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIProposalReplacement'> [ WARNING ] Configuration file for custom replacement with id 'ObjectDetectionAPIProposalReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ObjectDetectionAPIProposalReplacement' [ 2020-05-06 17:08:43,578 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.no_op_eraser.NoOpEraser'> [ 2020-05-06 17:08:43,660 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.nearest_neighbor_upsampling.NearestNeighborUpsampling'> [ 2020-05-06 17:08:43,765 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.FlattenToReshape.FlattenToReshapeableReshape'> [ 2020-05-06 17:08:43,835 ] [ DEBUG ] [ FlattenToReshape:78 ] The pattern does not correspond to flatten. The "Pack" operation produces tensor with 3 items but should produce just 2. [ 2020-05-06 17:08:43,835 ] [ DEBUG ] [ FlattenToReshape:78 ] The pattern does not correspond to flatten. The "Pack" operation produces tensor with 3 items but should produce just 2. [ 2020-05-06 17:08:43,838 ] [ DEBUG ] [ FlattenToReshape:78 ] The pattern does not correspond to flatten. The "Pack" operation produces tensor with 3 items but should produce just 2. [ 2020-05-06 17:08:43,842 ] [ DEBUG ] [ FlattenToReshape:78 ] The pattern does not correspond to flatten. The "Pack" operation produces tensor with 3 items but should produce just 2. [ 2020-05-06 17:08:43,843 ] [ DEBUG ] [ FlattenToReshape:78 ] The pattern does not correspond to flatten. The "Pack" operation produces tensor with 3 items but should produce just 2. [ 2020-05-06 17:08:43,844 ] [ DEBUG ] [ FlattenToReshape:78 ] The pattern does not correspond to flatten. The "Pack" operation produces tensor with 3 items but should produce just 2. [ 2020-05-06 17:08:43,845 ] [ DEBUG ] [ FlattenToReshape:78 ] The pattern does not correspond to flatten. The "Pack" operation produces tensor with 3 items but should produce just 2. [ 2020-05-06 17:08:43,845 ] [ DEBUG ] [ FlattenToReshape:78 ] The pattern does not correspond to flatten. The "Pack" operation produces tensor with 3 items but should produce just 2. [ 2020-05-06 17:08:43,848 ] [ DEBUG ] [ FlattenToReshape:78 ] The pattern does not correspond to flatten. The "Pack" operation produces tensor with 3 items but should produce just 2. [ 2020-05-06 17:08:43,849 ] [ DEBUG ] [ FlattenToReshape:78 ] The pattern does not correspond to flatten. The "Pack" operation produces tensor with 3 items but should produce just 2. [ 2020-05-06 17:08:43,853 ] [ DEBUG ] [ FlattenToReshape:78 ] The pattern does not correspond to flatten. The "Pack" operation produces tensor with 3 items but should produce just 2. [ 2020-05-06 17:08:43,855 ] [ DEBUG ] [ FlattenToReshape:78 ] The pattern does not correspond to flatten. The "Pack" operation produces tensor with 3 items but should produce just 2. [ 2020-05-06 17:08:43,876 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.Pack.Pack'> [ 2020-05-06 17:08:43,939 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_5/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Pad_5 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_5', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:43,939 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_5'] [ 2020-05-06 17:08:43,943 ] [ DEBUG ] [ replacement:114 ] Created edge from BoxPredictor_3/Reshape/shape/Concat_ to BoxPredictor_3/Reshape with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('BoxPredictor_3/Reshape/shape', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:43,943 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['BoxPredictor_3/Reshape/shape'] [ 2020-05-06 17:08:43,945 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_5/values_1/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_5/ExpandDims_2817 with attrs: {'in': 0, 'out': 0, 'in_attrs': ['in', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info']} [ 2020-05-06 17:08:43,945 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_5/values_1'] [ 2020-05-06 17:08:43,947 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Tile/multiples/Concat_ to Postprocessor/Tile with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/Tile/multiples', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:43,948 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/Tile/multiples'] [ 2020-05-06 17:08:43,949 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_1/values_1/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_1 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_1/values_1', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:43,951 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_1/values_1'] [ 2020-05-06 17:08:43,957 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_4/size/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_4 with attrs: {'in': 2, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_4/size', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:43,958 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_4/size'] [ 2020-05-06 17:08:43,960 ] [ DEBUG ] [ replacement:114 ] Created edge from BoxPredictor_0/Reshape_1/shape/Concat_ to BoxPredictor_0/Reshape_1 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('BoxPredictor_0/Reshape_1/shape', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:43,961 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['BoxPredictor_0/Reshape_1/shape'] [ 2020-05-06 17:08:43,963 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/stack_1/Concat_ to MultipleGridAnchorGenerator/Reshape_1 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/stack_1', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:43,965 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/stack_1'] [ 2020-05-06 17:08:43,967 ] [ DEBUG ] [ replacement:114 ] Created edge from BoxPredictor_0/Reshape/shape/Concat_ to BoxPredictor_0/Reshape with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('BoxPredictor_0/Reshape/shape', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:43,968 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['BoxPredictor_0/Reshape/shape'] [ 2020-05-06 17:08:43,971 ] [ DEBUG ] [ replacement:114 ] Created edge from BoxPredictor_5/Reshape/shape/Concat_ to BoxPredictor_5/Reshape with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('BoxPredictor_5/Reshape/shape', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:43,972 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['BoxPredictor_5/Reshape/shape'] [ 2020-05-06 17:08:43,973 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_1/size/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_1 with attrs: {'in': 2, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_1/size', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:43,976 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_1/size'] [ 2020-05-06 17:08:43,978 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_4/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Pad_4 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_4', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:43,978 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_4'] [ 2020-05-06 17:08:43,980 ] [ DEBUG ] [ replacement:114 ] Created edge from BoxPredictor_3/Reshape_1/shape/Concat_ to BoxPredictor_3/Reshape_1 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('BoxPredictor_3/Reshape_1/shape', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:43,981 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['BoxPredictor_3/Reshape_1/shape'] [ 2020-05-06 17:08:43,984 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack/values_1/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack/values_1', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:43,988 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack/values_1'] [ 2020-05-06 17:08:44,007 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/stack/Concat_ to Postprocessor/Reshape_2 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/stack', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,008 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/stack'] [ 2020-05-06 17:08:44,013 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/Slice with attrs: {'in': 2, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,014 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack'] [ 2020-05-06 17:08:44,015 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/stack_10/Concat_ to MultipleGridAnchorGenerator/Reshape_10 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/stack_10', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,016 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/stack_10'] [ 2020-05-06 17:08:44,019 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Pad with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,020 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack'] [ 2020-05-06 17:08:44,025 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice with attrs: {'in': 2, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,026 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack'] [ 2020-05-06 17:08:44,030 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Decode/stack/Concat_ to Postprocessor/Decode/transpose_1 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/Decode/stack', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,030 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/Decode/stack'] [ 2020-05-06 17:08:44,032 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_1/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Pad_1 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_1', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,033 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_1'] [ 2020-05-06 17:08:44,035 ] [ DEBUG ] [ replacement:114 ] Created edge from BoxPredictor_4/Reshape/shape/Concat_ to BoxPredictor_4/Reshape with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('BoxPredictor_4/Reshape/shape', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,035 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['BoxPredictor_4/Reshape/shape'] [ 2020-05-06 17:08:44,037 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/stack_8/Concat_ to MultipleGridAnchorGenerator/Reshape_8 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/stack_8', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,043 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/stack_8'] [ 2020-05-06 17:08:44,044 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_5/size/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_5 with attrs: {'in': 2, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_5/size', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,044 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_5/size'] [ 2020-05-06 17:08:44,046 ] [ DEBUG ] [ replacement:114 ] Created edge from BoxPredictor_1/Reshape/shape/Concat_ to BoxPredictor_1/Reshape with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('BoxPredictor_1/Reshape/shape', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,048 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['BoxPredictor_1/Reshape/shape'] [ 2020-05-06 17:08:44,050 ] [ DEBUG ] [ replacement:114 ] Created edge from BoxPredictor_2/Reshape_1/shape/Concat_ to BoxPredictor_2/Reshape_1 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('BoxPredictor_2/Reshape_1/shape', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,053 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['BoxPredictor_2/Reshape_1/shape'] [ 2020-05-06 17:08:44,056 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/stack_1/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_3/Shape with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/stack_1', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,056 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/stack_1/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_3/TensorArrayScatter/TensorArrayScatterV3 with attrs: {'in': 2, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/stack_1', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,057 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/stack_1'] [ 2020-05-06 17:08:44,060 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/stack/Concat_ to MultipleGridAnchorGenerator/Reshape with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/stack', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,062 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/stack'] [ 2020-05-06 17:08:44,064 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/stack_3/Concat_ to MultipleGridAnchorGenerator/Reshape_3 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/stack_3', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,064 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/stack_3'] [ 2020-05-06 17:08:44,066 ] [ DEBUG ] [ replacement:114 ] Created edge from BoxPredictor_2/Reshape/shape/Concat_ to BoxPredictor_2/Reshape with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('BoxPredictor_2/Reshape/shape', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,068 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['BoxPredictor_2/Reshape/shape'] [ 2020-05-06 17:08:44,075 ] [ DEBUG ] [ replacement:114 ] Created edge from BoxPredictor_5/Reshape_1/shape/Concat_ to BoxPredictor_5/Reshape_1 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('BoxPredictor_5/Reshape_1/shape', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,076 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['BoxPredictor_5/Reshape_1/shape'] [ 2020-05-06 17:08:44,079 ] [ DEBUG ] [ replacement:114 ] Created edge from BoxPredictor_4/Reshape_1/shape/Concat_ to BoxPredictor_4/Reshape_1 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('BoxPredictor_4/Reshape_1/shape', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,080 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['BoxPredictor_4/Reshape_1/shape'] [ 2020-05-06 17:08:44,082 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/ones/packed/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/ones with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/ones/packed', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,085 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/ones/packed'] [ 2020-05-06 17:08:44,087 ] [ DEBUG ] [ replacement:114 ] Created edge from BoxPredictor_1/Reshape_1/shape/Concat_ to BoxPredictor_1/Reshape_1 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('BoxPredictor_1/Reshape_1/shape', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,088 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['BoxPredictor_1/Reshape_1/shape'] [ 2020-05-06 17:08:44,091 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/stack_9/Concat_ to MultipleGridAnchorGenerator/Reshape_9 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/stack_9', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,092 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/stack_9'] [ 2020-05-06 17:08:44,095 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/stack_11/Concat_ to MultipleGridAnchorGenerator/Reshape_11 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/stack_11', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,096 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/stack_11'] [ 2020-05-06 17:08:44,097 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack_4/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/Slice_4 with attrs: {'in': 2, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack_4', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,097 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack_4'] [ 2020-05-06 17:08:44,099 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/stack_5/Concat_ to MultipleGridAnchorGenerator/Reshape_5 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/stack_5', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,101 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/stack_5'] [ 2020-05-06 17:08:44,107 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/stack_7/Concat_ to MultipleGridAnchorGenerator/Reshape_7 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/stack_7', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,108 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/stack_7'] [ 2020-05-06 17:08:44,110 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/sub_2/y/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/sub_2 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/sub_2/y', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,111 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/sub_2/y'] [ 2020-05-06 17:08:44,112 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice/size/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice with attrs: {'in': 2, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice/size', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,115 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice/size'] [ 2020-05-06 17:08:44,116 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_4/values_1/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_4/ExpandDims_2855 with attrs: {'in': 0, 'out': 0, 'in_attrs': ['in', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info']} [ 2020-05-06 17:08:44,117 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_4/values_1'] [ 2020-05-06 17:08:44,118 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/stack_4/Concat_ to MultipleGridAnchorGenerator/Reshape_4 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/stack_4', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,119 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/stack_4'] [ 2020-05-06 17:08:44,123 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack_1/Concat_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/Slice_1 with attrs: {'in': 2, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack_1', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,125 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack_1'] [ 2020-05-06 17:08:44,127 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/stack_6/Concat_ to MultipleGridAnchorGenerator/Reshape_6 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/stack_6', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,127 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/stack_6'] [ 2020-05-06 17:08:44,129 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/stack_2/Concat_ to MultipleGridAnchorGenerator/Reshape_2 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/stack_2', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:44,129 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/stack_2'] [ 2020-05-06 17:08:44,150 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.ExpandDimsToUnsqueeze.ExpandDimsToUnsqueeze'> [ 2020-05-06 17:08:44,255 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.mvn.MVNReplacer'> [ 2020-05-06 17:08:44,256 ] [ DEBUG ] [ mvn:33 ] Enabled MVN replacement [ INFO ] Skip replacer <class 'extensions.front.squared_difference.SquaredDifference'> (graph_condition not satisfied) [ 2020-05-06 17:08:44,339 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.LogSoftmax.LogSoftmaxFrontReplacer'> [ 2020-05-06 17:08:44,428 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.Log1p.Log1p'> [ INFO ] Skip replacer <class 'extensions.front.LRNReplacer.LRNReplacer'> (graph_condition not satisfied) [ 2020-05-06 17:08:44,521 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.InterpolateTransposes.InterpolateTranspose'> [ WARNING ] Configuration file for custom replacement with id 'InterpolateTranspose' doesn't exist [ INFO ] Failed to find custom replacement description with id 'InterpolateTranspose' [ 2020-05-06 17:08:44,549 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.InterpolateNormalizer.InterpolateNormalizer'> [ 2020-05-06 17:08:44,639 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.instance_normalization.InstanceNormalization'> [ 2020-05-06 17:08:44,729 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.image_scaler.ImageScaler'> [ 2020-05-06 17:08:44,822 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.global_pooling_to_reduce.GlobalPoolingToReduce'> [ 2020-05-06 17:08:44,846 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.MatMul_normalizer.GemmDecomposer'> [ 2020-05-06 17:08:44,937 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.GNMT_DynamicSequenceLengths.GNMT_sequence_lengths'> [ 2020-05-06 17:08:44,937 ] [ DEBUG ] [ GNMT_DynamicSequenceLengths:42 ] +++++++++++++++ GNMT Sequence Lengths ConditionMatching ++++++++++++++++ [ 2020-05-06 17:08:45,072 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.MatMul_normalizer.FullyConnectedDecomposer'> [ 2020-05-06 17:08:45,166 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.flatten_to_reshape.FlattenToReshape'> [ 2020-05-06 17:08:45,258 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.rank_decomposer.RankDecomposer'> [ 2020-05-06 17:08:45,351 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.FillToBroadcast.FillToBroadcast'> [ 2020-05-06 17:08:45,421 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.FakeQuantWithMinMaxVars.FakeQuantWithMinMaxVarsToQuantize'> [ 2020-05-06 17:08:45,523 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPISSDPostprocessorReplacement'> [ INFO ] Node "Postprocessor/ToFloat" does not exist in the graph. Failed to match sub-graph by points "ObjectDetectionAPISSDPostprocessorReplacement". [ ERROR ] Failed to match nodes from custom replacement description with id 'ObjectDetectionAPISSDPostprocessorReplacement': It means model and custom replacement description are incompatible. Try to correct custom replacement description according to documentation with respect to model node names [ 2020-05-06 17:08:45,549 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.standalone_const_eraser.StandaloneConstEraser'> [ 2020-05-06 17:08:45,725 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.YOLO.YoloRegionAddon'> [ WARNING ] Configuration file for custom replacement with id 'TFYOLO' doesn't exist [ INFO ] Failed to find custom replacement description with id 'TFYOLO' [ 2020-05-06 17:08:45,749 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.disable_weights_quantize_value_propagation.DisableQuantizeValuePropagation'> [ 2020-05-06 17:08:45,836 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.fake_const_ext.FakeConstToConst'> [ 2020-05-06 17:08:45,924 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.fifo_replacer.FIFOQueue'> [ 2020-05-06 17:08:46,011 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.override_batch.OverrideBatch'> [ 2020-05-06 17:08:46,033 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.sparse_weighted_sum.ExperimentalSparseWeightedSumFrontReplacer2'> [ 2020-05-06 17:08:46,033 ] [ DEBUG ] [ sparse_weighted_sum:113 ] Enabled ExperimentalSparseWeightedSum2 replacement [ 2020-05-06 17:08:46,154 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.sparse_weighted_sum.ExperimentalSparseWeightedSumFrontReplacer'> [ 2020-05-06 17:08:46,154 ] [ DEBUG ] [ sparse_weighted_sum:35 ] Enabled ExperimentalSparseWeightedSum replacement [ 2020-05-06 17:08:46,267 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.eltwise_n.EltwiseNReplacement'> [ 2020-05-06 17:08:46,359 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.div.Div'> [ 2020-05-06 17:08:46,433 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_7/mul_ to MultipleGridAnchorGenerator/mul_7 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_7', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,433 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_7/mul_ to MultipleGridAnchorGenerator/mul_42 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_7', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,439 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv_7'] [ 2020-05-06 17:08:46,442 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/truediv_1/mul_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/Scale/mul_2 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/truediv_1', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,442 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/truediv_1/mul_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/Scale/mul_3 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/truediv_1', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,443 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/truediv_1'] [ 2020-05-06 17:08:46,445 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_4/mul_ to MultipleGridAnchorGenerator/mul_4 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_4', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,446 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_4/mul_ to MultipleGridAnchorGenerator/mul_33 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_4', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,448 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv_4'] [ 2020-05-06 17:08:46,450 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Decode/truediv/mul_ to Postprocessor/Decode/mul_2 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/Decode/truediv', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,450 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/Decode/truediv'] [ 2020-05-06 17:08:46,451 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv/mul_ to MultipleGridAnchorGenerator/mul with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,452 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv/mul_ to MultipleGridAnchorGenerator/mul_17 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,453 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv'] [ 2020-05-06 17:08:46,471 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Decode/truediv_1/mul_ to Postprocessor/Decode/mul_3 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/Decode/truediv_1', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,472 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/Decode/truediv_1'] [ 2020-05-06 17:08:46,474 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_5/mul_ to MultipleGridAnchorGenerator/mul_5 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_5', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,474 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_5/mul_ to MultipleGridAnchorGenerator/mul_34 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_5', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,475 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv_5'] [ 2020-05-06 17:08:46,476 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_1/mul_ to MultipleGridAnchorGenerator/mul_1 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_1', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,477 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_1/mul_ to MultipleGridAnchorGenerator/mul_18 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_1', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,477 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv_1'] [ 2020-05-06 17:08:46,479 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_17/mul_ to MultipleGridAnchorGenerator/mul_38 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_17', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,480 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv_17'] [ 2020-05-06 17:08:46,485 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Decode/truediv_4/mul_ to Postprocessor/Decode/sub with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/Decode/truediv_4', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,486 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/Decode/truediv_4'] [ 2020-05-06 17:08:46,487 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Decode/get_center_coordinates_and_sizes/truediv_1/mul_ to Postprocessor/Decode/get_center_coordinates_and_sizes/add_1 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/Decode/get_center_coordinates_and_sizes/truediv_1', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,487 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/Decode/get_center_coordinates_and_sizes/truediv_1'] [ 2020-05-06 17:08:46,489 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Decode/truediv_7/mul_ to Postprocessor/Decode/add_3 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/Decode/truediv_7', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,491 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/Decode/truediv_7'] [ 2020-05-06 17:08:46,495 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Decode/get_center_coordinates_and_sizes/truediv/mul_ to Postprocessor/Decode/get_center_coordinates_and_sizes/add with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/Decode/get_center_coordinates_and_sizes/truediv', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,495 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/Decode/get_center_coordinates_and_sizes/truediv'] [ 2020-05-06 17:08:46,497 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Decode/truediv_3/mul_ to Postprocessor/Decode/Exp with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/Decode/truediv_3', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,497 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/Decode/truediv_3'] [ 2020-05-06 17:08:46,498 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_3/mul_ to MultipleGridAnchorGenerator/mul_3 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_3', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,499 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_3/mul_ to MultipleGridAnchorGenerator/mul_26 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_3', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,505 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv_3'] [ 2020-05-06 17:08:46,507 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_12/mul_ to MultipleGridAnchorGenerator/mul_12 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_12', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,508 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv_12'] [ 2020-05-06 17:08:46,509 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_2/mul_ to MultipleGridAnchorGenerator/mul_2 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_2', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,509 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_2/mul_ to MultipleGridAnchorGenerator/mul_25 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_2', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,510 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv_2'] [ 2020-05-06 17:08:46,511 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_8/mul_ to MultipleGridAnchorGenerator/mul_8 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_8', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,511 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_8/mul_ to MultipleGridAnchorGenerator/mul_49 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_8', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,512 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv_8'] [ 2020-05-06 17:08:46,513 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_9/mul_ to MultipleGridAnchorGenerator/mul_9 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_9', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,513 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_9/mul_ to MultipleGridAnchorGenerator/mul_50 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_9', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,517 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv_9'] [ 2020-05-06 17:08:46,522 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_14/mul_ to MultipleGridAnchorGenerator/mul_14 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_14', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,522 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv_14'] [ 2020-05-06 17:08:46,523 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/truediv/mul_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/Scale/mul with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/truediv', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,524 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/truediv/mul_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/Scale/mul_1 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/truediv', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,524 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/truediv'] [ 2020-05-06 17:08:46,526 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_6/mul_ to MultipleGridAnchorGenerator/mul_6 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_6', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,527 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_6/mul_ to MultipleGridAnchorGenerator/mul_41 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_6', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,531 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv_6'] [ 2020-05-06 17:08:46,532 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_11/mul_ to MultipleGridAnchorGenerator/mul_11 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_11', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,532 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_11/mul_ to MultipleGridAnchorGenerator/mul_58 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_11', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,533 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv_11'] [ 2020-05-06 17:08:46,534 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Decode/truediv_6/mul_ to Postprocessor/Decode/add_2 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/Decode/truediv_6', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,535 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/Decode/truediv_6'] [ 2020-05-06 17:08:46,537 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Decode/truediv_2/mul_ to Postprocessor/Decode/Exp_1 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/Decode/truediv_2', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,542 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/Decode/truediv_2'] [ 2020-05-06 17:08:46,545 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_15/mul_ to MultipleGridAnchorGenerator/mul_22 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_15', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,545 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv_15'] [ 2020-05-06 17:08:46,548 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_13/mul_ to MultipleGridAnchorGenerator/mul_13 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_13', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,549 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv_13'] [ 2020-05-06 17:08:46,553 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_19/mul_ to MultipleGridAnchorGenerator/mul_54 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_19', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,556 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv_19'] [ 2020-05-06 17:08:46,558 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/truediv_1/mul_ to Postprocessor/stack_1/ExpandDims_29113113 with attrs: {'in': 0, 'out': 0, 'in_attrs': ['in', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info']} [ 2020-05-06 17:08:46,559 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/truediv_1'] [ 2020-05-06 17:08:46,560 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/scale_logits/mul_ to Postprocessor/convert_scores with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/scale_logits', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,563 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/scale_logits'] [ 2020-05-06 17:08:46,565 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Decode/truediv_5/mul_ to Postprocessor/Decode/sub_1 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/Decode/truediv_5', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,565 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/Decode/truediv_5'] [ 2020-05-06 17:08:46,566 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_10/mul_ to MultipleGridAnchorGenerator/mul_10 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_10', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,566 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_10/mul_ to MultipleGridAnchorGenerator/mul_57 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_10', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,567 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv_10'] [ 2020-05-06 17:08:46,573 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_18/mul_ to MultipleGridAnchorGenerator/mul_46 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_18', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,574 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv_18'] [ 2020-05-06 17:08:46,575 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/truediv/mul_ to Postprocessor/stack_1/ExpandDims_29103111 with attrs: {'in': 0, 'out': 0, 'in_attrs': ['in', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info']} [ 2020-05-06 17:08:46,575 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/truediv'] [ 2020-05-06 17:08:46,577 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/truediv_16/mul_ to MultipleGridAnchorGenerator/mul_30 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/truediv_16', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,577 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/truediv_16'] [ 2020-05-06 17:08:46,603 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.CropAndResizeReplacement.CropAndResizeReplacement'> [ 2020-05-06 17:08:46,693 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIDetectionOutputReplacement'> [ WARNING ] Configuration file for custom replacement with id 'ObjectDetectionAPIDetectionOutputReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ObjectDetectionAPIDetectionOutputReplacement' [ 2020-05-06 17:08:46,722 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.TransposeOrderNormalizer.TransposeOrderNormalizer'> [ 2020-05-06 17:08:46,814 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIPSROIPoolingReplacement'> [ WARNING ] Configuration file for custom replacement with id 'ObjectDetectionAPIPSROIPoolingReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ObjectDetectionAPIPSROIPoolingReplacement' [ 2020-05-06 17:08:46,846 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.sub.Sub'> [ 2020-05-06 17:08:46,920 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow/Area/sub/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow/Area/mul with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow/Area/sub', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,920 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow/Area/sub'] [ 2020-05-06 17:08:46,923 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Decode/sub/add_ to Postprocessor/Decode/stack/ExpandDims_3067 with attrs: {'in': 0, 'out': 0, 'in_attrs': ['in', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info']} [ 2020-05-06 17:08:46,924 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/Decode/sub'] [ 2020-05-06 17:08:46,927 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Greater with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,927 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub'] [ 2020-05-06 17:08:46,929 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/sub_1/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/truediv_1/reciprocal_ with attrs: {'in': 0, 'out': 0, 'in_attrs': ['in', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info']} [ 2020-05-06 17:08:46,929 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/sub_1'] [ 2020-05-06 17:08:46,931 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_15/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Greater_8 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_15', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,936 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_15'] [ 2020-05-06 17:08:46,938 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/sub_2/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/Scale/split with attrs: {'in': 0, 'out': 0, 'in_attrs': ['in', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info']} [ 2020-05-06 17:08:46,939 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/sub_2'] [ 2020-05-06 17:08:46,940 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/sub_1/add_ to MultipleGridAnchorGenerator/concat_1 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/sub_1', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,941 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/sub_1'] [ 2020-05-06 17:08:46,943 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Decode/sub_1/add_ to Postprocessor/Decode/stack/ExpandDims_28823069 with attrs: {'in': 0, 'out': 0, 'in_attrs': ['in', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info']} [ 2020-05-06 17:08:46,946 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/Decode/sub_1'] [ 2020-05-06 17:08:46,947 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/sub_3/add_ to MultipleGridAnchorGenerator/concat_3 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/sub_3', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,947 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/sub_3'] [ 2020-05-06 17:08:46,949 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/sub_4/add_ to MultipleGridAnchorGenerator/concat_4 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/sub_4', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,949 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/sub_4'] [ 2020-05-06 17:08:46,950 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_18/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Greater_9 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_18', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,955 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_18'] [ 2020-05-06 17:08:46,956 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Area/sub_1/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Area/mul with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Area/sub_1', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,957 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Area/sub_1'] [ 2020-05-06 17:08:46,958 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Decode/get_center_coordinates_and_sizes/sub/add_ to Postprocessor/Decode/mul with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/Decode/get_center_coordinates_and_sizes/sub', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,959 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Decode/get_center_coordinates_and_sizes/sub/add_ to Postprocessor/Decode/mul_3 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/Decode/get_center_coordinates_and_sizes/sub', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,959 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Decode/get_center_coordinates_and_sizes/sub/add_ to Postprocessor/Decode/get_center_coordinates_and_sizes/truediv_1/mul_ with attrs: {'in': 1, 'out': 0, 'in_attrs': ['in', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info']} [ 2020-05-06 17:08:46,960 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/Decode/get_center_coordinates_and_sizes/sub'] [ 2020-05-06 17:08:46,961 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_16/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_4/values_1/ExpandDims_3183 with attrs: {'in': 0, 'out': 0, 'in_attrs': ['in', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info']} [ 2020-05-06 17:08:46,962 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_16'] [ 2020-05-06 17:08:46,963 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_4/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Greater_2 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_4', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,966 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_4'] [ 2020-05-06 17:08:46,970 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/sub/add_ to MultipleGridAnchorGenerator/concat with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/sub', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,970 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/sub'] [ 2020-05-06 17:08:46,971 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_5/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_1/values_1/ExpandDims_2995 with attrs: {'in': 0, 'out': 0, 'in_attrs': ['in', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info']} [ 2020-05-06 17:08:46,972 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_5'] [ 2020-05-06 17:08:46,973 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/sub/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/truediv/reciprocal_ with attrs: {'in': 0, 'out': 0, 'in_attrs': ['in', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info']} [ 2020-05-06 17:08:46,974 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/sub'] [ 2020-05-06 17:08:46,978 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_14/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Greater_7 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_14', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,980 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_14'] [ 2020-05-06 17:08:46,981 ] [ DEBUG ] [ replacement:114 ] Created edge from Preprocessor/sub/add_ to FeatureExtractor/MobilenetV2/MobilenetV2/input with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Preprocessor/sub', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,981 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Preprocessor/sub'] [ 2020-05-06 17:08:46,983 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_2/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack/values_1/ExpandDims_3039 with attrs: {'in': 0, 'out': 0, 'in_attrs': ['in', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info']} [ 2020-05-06 17:08:46,983 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_2'] [ 2020-05-06 17:08:46,984 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/sub_5/add_ to MultipleGridAnchorGenerator/concat_5 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/sub_5', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,988 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/sub_5'] [ 2020-05-06 17:08:46,990 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Decode/get_center_coordinates_and_sizes/sub_1/add_ to Postprocessor/Decode/mul_1 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/Decode/get_center_coordinates_and_sizes/sub_1', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,990 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Decode/get_center_coordinates_and_sizes/sub_1/add_ to Postprocessor/Decode/mul_2 with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/Decode/get_center_coordinates_and_sizes/sub_1', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,991 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/Decode/get_center_coordinates_and_sizes/sub_1/add_ to Postprocessor/Decode/get_center_coordinates_and_sizes/truediv/mul_ with attrs: {'in': 1, 'out': 0, 'in_attrs': ['in', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info']} [ 2020-05-06 17:08:46,991 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/Decode/get_center_coordinates_and_sizes/sub_1'] [ 2020-05-06 17:08:46,992 ] [ DEBUG ] [ replacement:114 ] Created edge from MultipleGridAnchorGenerator/sub_2/add_ to MultipleGridAnchorGenerator/concat_2 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('MultipleGridAnchorGenerator/sub_2', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,993 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['MultipleGridAnchorGenerator/sub_2'] [ 2020-05-06 17:08:46,994 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow/Area/sub_1/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow/Area/mul with attrs: {'in': 1, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow/Area/sub_1', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,995 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow/Area/sub_1'] [ 2020-05-06 17:08:46,996 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/sub/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/zeros/Reshape with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/sub', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:46,996 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/sub'] [ 2020-05-06 17:08:46,997 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_3/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack/values_1/ExpandDims_28623041 with attrs: {'in': 0, 'out': 0, 'in_attrs': ['in', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info']} [ 2020-05-06 17:08:47,000 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_3'] [ 2020-05-06 17:08:47,004 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_17/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_4/values_1/ExpandDims_29623185 with attrs: {'in': 0, 'out': 0, 'in_attrs': ['in', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info']} [ 2020-05-06 17:08:47,004 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_17'] [ 2020-05-06 17:08:47,005 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_19/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_5/values_1/ExpandDims_2987 with attrs: {'in': 0, 'out': 0, 'in_attrs': ['in', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info']} [ 2020-05-06 17:08:47,006 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_19'] [ 2020-05-06 17:08:47,007 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_1/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Greater_1 with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_1', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:47,007 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_1'] [ 2020-05-06 17:08:47,011 ] [ DEBUG ] [ replacement:114 ] Created edge from Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Area/sub/add_ to Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Area/mul with attrs: {'in': 0, 'out': 0, 'fw_tensor_debug_info': [('Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Area/sub', 0)], 'in_attrs': ['in', 'control_flow_edge', 'permutation'], 'out_attrs': ['out', 'permutation'], 'data_attrs': ['fw_tensor_debug_info'], 'control_flow_edge': False} [ 2020-05-06 17:08:47,013 ] [ DEBUG ] [ replacement:230 ] Removing nodes: ['Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Area/sub'] [ 2020-05-06 17:08:47,036 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.split_normalizer.SqueezeAxis'> [ 2020-05-06 17:08:47,073 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIMaskRCNNROIPoolingSecondReplacement'> [ WARNING ] Configuration file for custom replacement with id 'ObjectDetectionAPIMaskRCNNROIPoolingSecondReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ObjectDetectionAPIMaskRCNNROIPoolingSecondReplacement' [ 2020-05-06 17:08:47,102 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.ObjectDetectionAPI.ObjectDetectionAPIMaskRCNNSigmoidReplacement'> [ WARNING ] Configuration file for custom replacement with id 'ObjectDetectionAPIMaskRCNNSigmoidReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ObjectDetectionAPIMaskRCNNSigmoidReplacement' [ 2020-05-06 17:08:47,134 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.concat.Concat'> [ 2020-05-06 17:08:47,227 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.ChangePlaceholderTypes.ChangePlaceholderTypes'> [ 2020-05-06 17:08:47,230 ] [ DEBUG ] [ ChangePlaceholderTypes:37 ] Convert data type of Parameter "image_tensor" to float32 [ 2020-05-06 17:08:47,230 ] [ DEBUG ] [ ChangePlaceholderTypes:41 ] Removing "Convert" node "Cast" [ 2020-05-06 17:08:47,257 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.ChangeCastOutputType.ChangeCastOutputType'> [ 2020-05-06 17:08:47,351 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.CTCGreedyDecoder.CTCGreedyDecoderReplacement'> [ 2020-05-06 17:08:47,435 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.bucketize.BucketizeFrontReplacer'> [ 2020-05-06 17:08:47,461 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.BlockLSTM.BlockLSTM'> [ 2020-05-06 17:08:47,551 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.binary_quantize_normalization.BinaryFakeQuantizeNormalization'> [ 2020-05-06 17:08:47,793 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.BatchToSpaceNDToUpsample.BatchToSpaceNDToUpsample'> [ 2020-05-06 17:08:47,884 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.split_normalizer.AttributedVariadicSplitToVariadicSplit'> [ 2020-05-06 17:08:47,909 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.split_normalizer.AttributedSplitToSplit'> [ 2020-05-06 17:08:47,941 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.basic_lstm_cell.BasicLSTMCell'> [ 2020-05-06 17:08:48,194 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.AttributedGatherNormalizer.AttributedGatherNormalizer'> [ 2020-05-06 17:08:48,284 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.assign_elimination.AssignSubElimination'> [ 2020-05-06 17:08:48,375 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.assign_elimination.AssignElimination'> [ 2020-05-06 17:08:48,470 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.assign_elimination.AssignAddElimination'> [ 2020-05-06 17:08:48,572 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.tf.assign_elimination.AssertElimination'> [ 2020-05-06 17:08:48,642 ] [ DEBUG ] [ assign_elimination:81 ] Assert op was removed Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField/Assert/Assert [ 2020-05-06 17:08:48,643 ] [ DEBUG ] [ assign_elimination:81 ] Assert op was removed MultipleGridAnchorGenerator/assert_equal/Assert/Assert [ 2020-05-06 17:08:48,644 ] [ DEBUG ] [ assign_elimination:81 ] Assert op was removed Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField_1/Assert/Assert [ 2020-05-06 17:08:48,673 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.ArgMaxSqueeze.ArgMaxSqueeze'> [ 2020-05-06 17:08:48,767 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.pass_separator.FrontFinish'> [ 2020-05-06 17:08:48,790 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.front.create_tensor_nodes.CreateTensorNodes'> [ 2020-05-06 17:08:48,966 ] [ DEBUG ] [ eliminate:66 ] The following nodes are seeded as output reachable: detection_boxes/sink_port_0 detection_classes/sink_port_0 detection_multiclass_scores/sink_port_0 detection_scores/sink_port_0 num_detections/sink_port_0 raw_detection_boxes/sink_port_0 raw_detection_scores/sink_port_0 [ 2020-05-06 17:08:49,395 ] [ DEBUG ] [ eliminate:136 ] Removing the following dead nodes: 2793 2793/Output_0/Data_ 2796 2796/Output_0/Data_ BoxPredictor_0/Reshape/shape/ExpandDims_ BoxPredictor_0/Reshape/shape/ExpandDims_2843 BoxPredictor_0/Reshape/shape/ExpandDims_2844 BoxPredictor_0/Reshape/shape/ExpandDims_2845 BoxPredictor_0/Reshape_1/shape/ExpandDims_ BoxPredictor_0/Reshape_1/shape/ExpandDims_2836 BoxPredictor_0/Reshape_1/shape/ExpandDims_2837 BoxPredictor_1/Reshape/shape/ExpandDims_ BoxPredictor_1/Reshape/shape/ExpandDims_2900 BoxPredictor_1/Reshape/shape/ExpandDims_2901 BoxPredictor_1/Reshape/shape/ExpandDims_2902 BoxPredictor_1/Reshape_1/shape/ExpandDims_ BoxPredictor_1/Reshape_1/shape/ExpandDims_2935 BoxPredictor_1/Reshape_1/shape/ExpandDims_2936 BoxPredictor_2/Reshape/shape/ExpandDims_ BoxPredictor_2/Reshape/shape/ExpandDims_2920 BoxPredictor_2/Reshape/shape/ExpandDims_2921 BoxPredictor_2/Reshape/shape/ExpandDims_2922 BoxPredictor_2/Reshape_1/shape/ExpandDims_ BoxPredictor_2/Reshape_1/shape/ExpandDims_2905 BoxPredictor_2/Reshape_1/shape/ExpandDims_2906 BoxPredictor_3/Reshape/shape/ExpandDims_ BoxPredictor_3/Reshape/shape/ExpandDims_2820 BoxPredictor_3/Reshape/shape/ExpandDims_2821 BoxPredictor_3/Reshape/shape/ExpandDims_2822 BoxPredictor_3/Reshape_1/shape/ExpandDims_ BoxPredictor_3/Reshape_1/shape/ExpandDims_2858 BoxPredictor_3/Reshape_1/shape/ExpandDims_2859 BoxPredictor_4/Reshape/shape/ExpandDims_ BoxPredictor_4/Reshape/shape/ExpandDims_2890 BoxPredictor_4/Reshape/shape/ExpandDims_2891 BoxPredictor_4/Reshape/shape/ExpandDims_2892 BoxPredictor_4/Reshape_1/shape/ExpandDims_ BoxPredictor_4/Reshape_1/shape/ExpandDims_2929 BoxPredictor_4/Reshape_1/shape/ExpandDims_2930 BoxPredictor_5/Reshape/shape/ExpandDims_ BoxPredictor_5/Reshape/shape/ExpandDims_2848 BoxPredictor_5/Reshape/shape/ExpandDims_2849 BoxPredictor_5/Reshape/shape/ExpandDims_2850 BoxPredictor_5/Reshape_1/shape/ExpandDims_ BoxPredictor_5/Reshape_1/shape/ExpandDims_2925 BoxPredictor_5/Reshape_1/shape/ExpandDims_2926 MultipleGridAnchorGenerator/Meshgrid/ExpandedShape/ones MultipleGridAnchorGenerator/Meshgrid/ExpandedShape_1/ones MultipleGridAnchorGenerator/Meshgrid_1/ExpandedShape/ones MultipleGridAnchorGenerator/Meshgrid_1/ExpandedShape_1/ones MultipleGridAnchorGenerator/Meshgrid_10/ExpandedShape/ones MultipleGridAnchorGenerator/Meshgrid_10/ExpandedShape_1/ones MultipleGridAnchorGenerator/Meshgrid_11/ExpandedShape/ones MultipleGridAnchorGenerator/Meshgrid_11/ExpandedShape_1/ones MultipleGridAnchorGenerator/Meshgrid_12/ExpandedShape/ones MultipleGridAnchorGenerator/Meshgrid_12/ExpandedShape_1/ones MultipleGridAnchorGenerator/Meshgrid_13/ExpandedShape/ones MultipleGridAnchorGenerator/Meshgrid_13/ExpandedShape_1/ones MultipleGridAnchorGenerator/Meshgrid_14/ExpandedShape/ones MultipleGridAnchorGenerator/Meshgrid_14/ExpandedShape_1/ones MultipleGridAnchorGenerator/Meshgrid_15/ExpandedShape/ones MultipleGridAnchorGenerator/Meshgrid_15/ExpandedShape_1/ones MultipleGridAnchorGenerator/Meshgrid_16/ExpandedShape/ones MultipleGridAnchorGenerator/Meshgrid_16/ExpandedShape_1/ones MultipleGridAnchorGenerator/Meshgrid_17/ExpandedShape/ones MultipleGridAnchorGenerator/Meshgrid_17/ExpandedShape_1/ones MultipleGridAnchorGenerator/Meshgrid_2/ExpandedShape/ones MultipleGridAnchorGenerator/Meshgrid_2/ExpandedShape_1/ones MultipleGridAnchorGenerator/Meshgrid_3/ExpandedShape/ones MultipleGridAnchorGenerator/Meshgrid_3/ExpandedShape_1/ones MultipleGridAnchorGenerator/Meshgrid_4/ExpandedShape/ones MultipleGridAnchorGenerator/Meshgrid_4/ExpandedShape_1/ones MultipleGridAnchorGenerator/Meshgrid_5/ExpandedShape/ones MultipleGridAnchorGenerator/Meshgrid_5/ExpandedShape_1/ones MultipleGridAnchorGenerator/Meshgrid_6/ExpandedShape/ones MultipleGridAnchorGenerator/Meshgrid_6/ExpandedShape_1/ones MultipleGridAnchorGenerator/Meshgrid_7/ExpandedShape/ones MultipleGridAnchorGenerator/Meshgrid_7/ExpandedShape_1/ones MultipleGridAnchorGenerator/Meshgrid_8/ExpandedShape/ones MultipleGridAnchorGenerator/Meshgrid_8/ExpandedShape_1/ones MultipleGridAnchorGenerator/Meshgrid_9/ExpandedShape/ones MultipleGridAnchorGenerator/Meshgrid_9/ExpandedShape_1/ones MultipleGridAnchorGenerator/Shape MultipleGridAnchorGenerator/Shape/Output_0/Data_ MultipleGridAnchorGenerator/Shape_1 MultipleGridAnchorGenerator/Shape_1/Output_0/Data_ MultipleGridAnchorGenerator/Shape_2 MultipleGridAnchorGenerator/Shape_2/Output_0/Data_ MultipleGridAnchorGenerator/Shape_3 MultipleGridAnchorGenerator/Shape_3/Output_0/Data_ MultipleGridAnchorGenerator/Shape_4 MultipleGridAnchorGenerator/Shape_4/Output_0/Data_ MultipleGridAnchorGenerator/Shape_5 MultipleGridAnchorGenerator/Shape_5/Output_0/Data_ MultipleGridAnchorGenerator/add_18 MultipleGridAnchorGenerator/add_18/Output_0/Data_ MultipleGridAnchorGenerator/add_18/x MultipleGridAnchorGenerator/add_18/x/Output_0/Data_ MultipleGridAnchorGenerator/add_19 MultipleGridAnchorGenerator/add_19/Output_0/Data_ MultipleGridAnchorGenerator/add_20 MultipleGridAnchorGenerator/add_20/Output_0/Data_ MultipleGridAnchorGenerator/add_21 MultipleGridAnchorGenerator/add_21/Output_0/Data_ MultipleGridAnchorGenerator/add_22 MultipleGridAnchorGenerator/add_22/Output_0/Data_ MultipleGridAnchorGenerator/add_23 MultipleGridAnchorGenerator/add_23/Output_0/Data_ MultipleGridAnchorGenerator/assert_equal/All MultipleGridAnchorGenerator/assert_equal/Assert/Assert/data_0 MultipleGridAnchorGenerator/assert_equal/Assert/Assert/data_1 MultipleGridAnchorGenerator/assert_equal/Assert/Assert/data_2 MultipleGridAnchorGenerator/assert_equal/Assert/Assert/data_4 MultipleGridAnchorGenerator/assert_equal/Const MultipleGridAnchorGenerator/assert_equal/Const/Output_0/Data_ MultipleGridAnchorGenerator/assert_equal/Equal MultipleGridAnchorGenerator/assert_equal/Equal/Output_0/Data_ MultipleGridAnchorGenerator/assert_equal/x MultipleGridAnchorGenerator/assert_equal/x/Output_0/Data_ MultipleGridAnchorGenerator/stack/ExpandDims_ MultipleGridAnchorGenerator/stack/ExpandDims_2914 MultipleGridAnchorGenerator/stack_1/ExpandDims_ MultipleGridAnchorGenerator/stack_1/ExpandDims_2840 MultipleGridAnchorGenerator/stack_10/ExpandDims_ MultipleGridAnchorGenerator/stack_10/ExpandDims_2873 MultipleGridAnchorGenerator/stack_11/ExpandDims_ MultipleGridAnchorGenerator/stack_11/ExpandDims_2942 MultipleGridAnchorGenerator/stack_2/ExpandDims_ MultipleGridAnchorGenerator/stack_2/ExpandDims_2974 MultipleGridAnchorGenerator/stack_3/ExpandDims_ MultipleGridAnchorGenerator/stack_3/ExpandDims_2917 MultipleGridAnchorGenerator/stack_4/ExpandDims_ MultipleGridAnchorGenerator/stack_4/ExpandDims_2965 MultipleGridAnchorGenerator/stack_5/ExpandDims_ MultipleGridAnchorGenerator/stack_5/ExpandDims_2948 MultipleGridAnchorGenerator/stack_6/ExpandDims_ MultipleGridAnchorGenerator/stack_6/ExpandDims_2971 MultipleGridAnchorGenerator/stack_7/ExpandDims_ MultipleGridAnchorGenerator/stack_7/ExpandDims_2951 MultipleGridAnchorGenerator/stack_8/ExpandDims_ MultipleGridAnchorGenerator/stack_8/ExpandDims_2895 MultipleGridAnchorGenerator/stack_9/ExpandDims_ MultipleGridAnchorGenerator/stack_9/ExpandDims_2939 MultipleGridAnchorGenerator/strided_slice MultipleGridAnchorGenerator/strided_slice/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice/stack MultipleGridAnchorGenerator/strided_slice/stack/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice/stack_1 MultipleGridAnchorGenerator/strided_slice/stack_1/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice/stack_2 MultipleGridAnchorGenerator/strided_slice/stack_2/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_1 MultipleGridAnchorGenerator/strided_slice_1/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_1/stack MultipleGridAnchorGenerator/strided_slice_1/stack/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_1/stack_1 MultipleGridAnchorGenerator/strided_slice_1/stack_1/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_1/stack_2 MultipleGridAnchorGenerator/strided_slice_1/stack_2/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_2 MultipleGridAnchorGenerator/strided_slice_2/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_2/stack MultipleGridAnchorGenerator/strided_slice_2/stack/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_2/stack_1 MultipleGridAnchorGenerator/strided_slice_2/stack_1/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_2/stack_2 MultipleGridAnchorGenerator/strided_slice_2/stack_2/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_3 MultipleGridAnchorGenerator/strided_slice_3/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_3/stack MultipleGridAnchorGenerator/strided_slice_3/stack/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_3/stack_1 MultipleGridAnchorGenerator/strided_slice_3/stack_1/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_3/stack_2 MultipleGridAnchorGenerator/strided_slice_3/stack_2/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_4 MultipleGridAnchorGenerator/strided_slice_4/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_4/stack MultipleGridAnchorGenerator/strided_slice_4/stack/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_4/stack_1 MultipleGridAnchorGenerator/strided_slice_4/stack_1/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_4/stack_2 MultipleGridAnchorGenerator/strided_slice_4/stack_2/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_5 MultipleGridAnchorGenerator/strided_slice_5/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_5/stack MultipleGridAnchorGenerator/strided_slice_5/stack/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_5/stack_1 MultipleGridAnchorGenerator/strided_slice_5/stack_1/Output_0/Data_ MultipleGridAnchorGenerator/strided_slice_5/stack_2 MultipleGridAnchorGenerator/strided_slice_5/stack_2/Output_0/Data_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/sub_2/y/ExpandDims_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/sub_2/y/ExpandDims_2954 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/sub_2/y/ExpandDims_2955 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/sub_2/y/ExpandDims_2956 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField/Assert/Assert/data_0 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField/Equal Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField/Size/Shape/ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField/Size/Shape//Output_0/Data_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField/Size/Shape/ReduceProd/ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField/Size/Shape/ReduceProd//Output_0/Data_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField_1/Assert/Assert/data_0 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField_1/Equal Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField_1/Size/Shape/ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField_1/Size/Shape//Output_0/Data_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField_1/Size/Shape/ReduceProd/ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField_1/Size/Shape/ReduceProd//Output_0/Data_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ones Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ones_1 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack/ExpandDims_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack/ExpandDims_2879 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/zeros Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice/size/ExpandDims_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice/size/ExpandDims_2959 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_1/size/ExpandDims_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_4/size/ExpandDims_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_4/size/ExpandDims_2833 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_5/size/ExpandDims_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack/ExpandDims_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack/ExpandDims_2876 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack/values_1/ExpandDims_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack/values_1/ExpandDims_2862 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_1/ExpandDims_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_1/ExpandDims_2887 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_1/values_1/ExpandDims_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_4/ExpandDims_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_4/ExpandDims_2855 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_4/values_1/ExpandDims_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_4/values_1/ExpandDims_2962 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_5/ExpandDims_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_5/ExpandDims_2817 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_5/values_1/ExpandDims_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/zeros Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/zeros_1 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/zeros_10 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/zeros_11 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/zeros_2 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/zeros_3 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/zeros_8 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/zeros_9 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack/ExpandDims_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack/ExpandDims_2869 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack/ExpandDims_2870 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack_1/ExpandDims_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack_1/ExpandDims_2968 Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack_4/ExpandDims_ Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack_4/ExpandDims_2945 Postprocessor/BatchMultiClassNonMaxSuppression/ones Postprocessor/BatchMultiClassNonMaxSuppression/ones/packed/ExpandDims_ Postprocessor/Decode/stack/ExpandDims_ Postprocessor/Decode/stack/ExpandDims_2882 Postprocessor/Decode/stack/ExpandDims_2883 Postprocessor/Decode/stack/ExpandDims_2884 Postprocessor/Tile/multiples/ExpandDims_ Postprocessor/Tile/multiples/ExpandDims_2827 Postprocessor/Tile/multiples/ExpandDims_2828 Postprocessor/stack/ExpandDims_ Postprocessor/stack/ExpandDims_2865 Postprocessor/stack/ExpandDims_2866 Postprocessor/stack_1/ExpandDims_ Postprocessor/stack_1/ExpandDims_2909 Postprocessor/stack_1/ExpandDims_2910 Postprocessor/stack_1/ExpandDims_2911 Postprocessor/unstack/Split/Output_2/Data_ Postprocessor/unstack/Squeeze_3469 Postprocessor/unstack/Squeeze_3469/value Postprocessor/unstack/Squeeze_3469/value/Output_0/Data_ [ 2020-05-06 17:08:49,479 ] [ DEBUG ] [ class_registration:281 ] Run replacer <class 'extensions.middle.PartialInfer.PartialInfer'> [ 2020-05-06 17:08:49,540 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,540 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow/unstack/Split/value [ 2020-05-06 17:08:49,541 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,545 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,545 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,546 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:49,546 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,547 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/unstack/Split/value [ 2020-05-06 17:08:49,547 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,548 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,548 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,549 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 1 [ 2020-05-06 17:08:49,549 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,549 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/unstack/Split/value [ 2020-05-06 17:08:49,550 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,554 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,555 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,555 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 1 [ 2020-05-06 17:08:49,556 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,556 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Decode/unstack/Split/value [ 2020-05-06 17:08:49,557 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,557 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,558 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,558 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:49,559 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,559 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Decode/get_center_coordinates_and_sizes/unstack/Split/value [ 2020-05-06 17:08:49,559 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,560 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,560 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,561 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:49,561 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,561 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow/unstack/Squeeze_3479/value [ 2020-05-06 17:08:49,562 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,562 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,563 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,566 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:49,569 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,569 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow/unstack/Squeeze_3477/value [ 2020-05-06 17:08:49,570 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,570 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,571 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,571 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:49,572 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,572 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow/unstack/Squeeze_3475/value [ 2020-05-06 17:08:49,573 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,573 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,573 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,574 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:49,579 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,579 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow/unstack/Squeeze_/value [ 2020-05-06 17:08:49,580 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,580 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,580 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,581 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:49,581 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,582 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/unstack/Squeeze_/value [ 2020-05-06 17:08:49,582 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,582 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,583 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,583 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 1 [ 2020-05-06 17:08:49,584 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,587 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/unstack/Squeeze_3467/value [ 2020-05-06 17:08:49,588 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,588 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,591 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,592 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 1 [ 2020-05-06 17:08:49,592 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,593 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/unstack/Squeeze_/value [ 2020-05-06 17:08:49,594 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,595 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,600 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,605 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 1 [ 2020-05-06 17:08:49,607 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,608 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Decode/unstack/Squeeze_3463/value [ 2020-05-06 17:08:49,610 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,614 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,614 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,615 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:49,615 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,616 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Decode/unstack/Squeeze_3461/value [ 2020-05-06 17:08:49,616 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,617 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,618 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,622 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:49,626 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,627 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Decode/unstack/Squeeze_3459/value [ 2020-05-06 17:08:49,627 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,628 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,629 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,631 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:49,632 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,636 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Decode/unstack/Squeeze_/value [ 2020-05-06 17:08:49,636 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,637 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,637 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,637 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:49,638 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,638 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Decode/get_center_coordinates_and_sizes/unstack/Squeeze_3455/value [ 2020-05-06 17:08:49,638 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,639 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,639 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,640 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:49,642 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,646 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Decode/get_center_coordinates_and_sizes/unstack/Squeeze_3453/value [ 2020-05-06 17:08:49,646 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,646 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,647 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,647 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:49,648 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,648 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Decode/get_center_coordinates_and_sizes/unstack/Squeeze_3451/value [ 2020-05-06 17:08:49,649 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,649 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,650 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,650 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:49,650 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,650 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Decode/get_center_coordinates_and_sizes/unstack/Squeeze_/value [ 2020-05-06 17:08:49,653 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,657 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,657 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,658 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:49,658 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,658 ] [ DEBUG ] [ infer:129 ] Partial infer for 3446 [ 2020-05-06 17:08:49,659 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,659 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,660 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,660 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,660 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,660 ] [ DEBUG ] [ infer:129 ] Partial infer for 3443 [ 2020-05-06 17:08:49,661 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,661 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,662 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,667 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1 [ 2020-05-06 17:08:49,668 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,668 ] [ DEBUG ] [ infer:129 ] Partial infer for 3440 [ 2020-05-06 17:08:49,669 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,669 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,670 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,670 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1 [ 2020-05-06 17:08:49,670 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,670 ] [ DEBUG ] [ infer:129 ] Partial infer for 3437 [ 2020-05-06 17:08:49,671 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,671 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,672 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,672 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1 [ 2020-05-06 17:08:49,672 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,673 ] [ DEBUG ] [ infer:129 ] Partial infer for 3434 [ 2020-05-06 17:08:49,678 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,679 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,679 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,679 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1 [ 2020-05-06 17:08:49,680 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,680 ] [ DEBUG ] [ infer:129 ] Partial infer for 3431 [ 2020-05-06 17:08:49,680 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,681 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,681 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,681 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1 [ 2020-05-06 17:08:49,682 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,682 ] [ DEBUG ] [ infer:129 ] Partial infer for 3428 [ 2020-05-06 17:08:49,682 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,683 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,683 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,683 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,684 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,688 ] [ DEBUG ] [ infer:129 ] Partial infer for 3425 [ 2020-05-06 17:08:49,689 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,689 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,690 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,690 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,690 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,691 ] [ DEBUG ] [ infer:129 ] Partial infer for 3422 [ 2020-05-06 17:08:49,691 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,691 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,692 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,692 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,693 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,693 ] [ DEBUG ] [ infer:129 ] Partial infer for 3419 [ 2020-05-06 17:08:49,693 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,694 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,694 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,694 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,695 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,695 ] [ DEBUG ] [ infer:129 ] Partial infer for 3416 [ 2020-05-06 17:08:49,695 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,696 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,696 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,696 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1 [ 2020-05-06 17:08:49,697 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,702 ] [ DEBUG ] [ infer:129 ] Partial infer for 3413 [ 2020-05-06 17:08:49,702 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,703 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,703 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,704 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,704 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,705 ] [ DEBUG ] [ infer:129 ] Partial infer for 3410 [ 2020-05-06 17:08:49,705 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,705 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,706 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,707 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1 [ 2020-05-06 17:08:49,708 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,710 ] [ DEBUG ] [ infer:129 ] Partial infer for 3407 [ 2020-05-06 17:08:49,713 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,714 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,714 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,715 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,716 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,717 ] [ DEBUG ] [ infer:129 ] Partial infer for 3404 [ 2020-05-06 17:08:49,717 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,718 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,718 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,721 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1 [ 2020-05-06 17:08:49,724 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,724 ] [ DEBUG ] [ infer:129 ] Partial infer for 3401 [ 2020-05-06 17:08:49,724 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,725 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,725 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,726 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,726 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,726 ] [ DEBUG ] [ infer:129 ] Partial infer for 3398 [ 2020-05-06 17:08:49,727 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,727 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,728 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,728 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1 [ 2020-05-06 17:08:49,728 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,729 ] [ DEBUG ] [ infer:129 ] Partial infer for 3395 [ 2020-05-06 17:08:49,731 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,734 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,735 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,735 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1 [ 2020-05-06 17:08:49,736 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,736 ] [ DEBUG ] [ infer:129 ] Partial infer for 3392 [ 2020-05-06 17:08:49,736 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,737 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,737 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,737 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,738 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,738 ] [ DEBUG ] [ infer:129 ] Partial infer for 3389 [ 2020-05-06 17:08:49,738 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,739 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,739 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,739 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,740 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,742 ] [ DEBUG ] [ infer:129 ] Partial infer for 3386 [ 2020-05-06 17:08:49,745 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,745 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,746 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,746 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1 [ 2020-05-06 17:08:49,747 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,747 ] [ DEBUG ] [ infer:129 ] Partial infer for 3383 [ 2020-05-06 17:08:49,747 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,748 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,748 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,748 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,749 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,749 ] [ DEBUG ] [ infer:129 ] Partial infer for 3380 [ 2020-05-06 17:08:49,749 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,750 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,750 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,751 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,753 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,756 ] [ DEBUG ] [ infer:129 ] Partial infer for 3377 [ 2020-05-06 17:08:49,757 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,757 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,758 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,758 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,758 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,758 ] [ DEBUG ] [ infer:129 ] Partial infer for 3374 [ 2020-05-06 17:08:49,759 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,759 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,760 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,760 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,760 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,761 ] [ DEBUG ] [ infer:129 ] Partial infer for 3371 [ 2020-05-06 17:08:49,761 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,761 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,762 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,767 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,767 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,768 ] [ DEBUG ] [ infer:129 ] Partial infer for 3368 [ 2020-05-06 17:08:49,768 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,769 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,769 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,769 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1 [ 2020-05-06 17:08:49,770 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,770 ] [ DEBUG ] [ infer:129 ] Partial infer for 3365 [ 2020-05-06 17:08:49,771 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,771 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,771 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,772 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,772 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,772 ] [ DEBUG ] [ infer:129 ] Partial infer for 3362 [ 2020-05-06 17:08:49,773 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,775 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,778 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,779 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1 [ 2020-05-06 17:08:49,780 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,780 ] [ DEBUG ] [ infer:129 ] Partial infer for 3359 [ 2020-05-06 17:08:49,781 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,781 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,782 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,782 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,783 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,783 ] [ DEBUG ] [ infer:129 ] Partial infer for 3356 [ 2020-05-06 17:08:49,783 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,783 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,786 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,789 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,789 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,790 ] [ DEBUG ] [ infer:129 ] Partial infer for 3353 [ 2020-05-06 17:08:49,790 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,791 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,791 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,792 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,792 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,792 ] [ DEBUG ] [ infer:129 ] Partial infer for 3350 [ 2020-05-06 17:08:49,792 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,793 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,793 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,794 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,794 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,794 ] [ DEBUG ] [ infer:129 ] Partial infer for 3347 [ 2020-05-06 17:08:49,794 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,795 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,797 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,800 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,801 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,801 ] [ DEBUG ] [ infer:129 ] Partial infer for 3344 [ 2020-05-06 17:08:49,802 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,802 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,802 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,803 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,803 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,803 ] [ DEBUG ] [ infer:129 ] Partial infer for 3341 [ 2020-05-06 17:08:49,804 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,805 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,805 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,805 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,806 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,808 ] [ DEBUG ] [ infer:129 ] Partial infer for 3338 [ 2020-05-06 17:08:49,811 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,812 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,812 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,813 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,813 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,813 ] [ DEBUG ] [ infer:129 ] Partial infer for 3335 [ 2020-05-06 17:08:49,814 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,814 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,814 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,815 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,815 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,815 ] [ DEBUG ] [ infer:129 ] Partial infer for 3332 [ 2020-05-06 17:08:49,816 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,816 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,817 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,820 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,821 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,821 ] [ DEBUG ] [ infer:129 ] Partial infer for 3329 [ 2020-05-06 17:08:49,822 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,823 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,823 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,823 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,824 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,824 ] [ DEBUG ] [ infer:129 ] Partial infer for 3326 [ 2020-05-06 17:08:49,825 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,825 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,825 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,826 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,826 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,826 ] [ DEBUG ] [ infer:129 ] Partial infer for 3323 [ 2020-05-06 17:08:49,827 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,827 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,827 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,828 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,828 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,828 ] [ DEBUG ] [ infer:129 ] Partial infer for 3320 [ 2020-05-06 17:08:49,828 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,829 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,832 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,835 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,835 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,835 ] [ DEBUG ] [ infer:129 ] Partial infer for 3317 [ 2020-05-06 17:08:49,836 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,837 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,837 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,838 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,838 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,838 ] [ DEBUG ] [ infer:129 ] Partial infer for 3314 [ 2020-05-06 17:08:49,839 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,839 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,839 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,840 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,840 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,840 ] [ DEBUG ] [ infer:129 ] Partial infer for 3311 [ 2020-05-06 17:08:49,841 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,843 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,846 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,847 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,847 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,848 ] [ DEBUG ] [ infer:129 ] Partial infer for 3308 [ 2020-05-06 17:08:49,848 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,849 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,849 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,849 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,850 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,850 ] [ DEBUG ] [ infer:129 ] Partial infer for 3305 [ 2020-05-06 17:08:49,850 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,850 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,851 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,851 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,852 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,854 ] [ DEBUG ] [ infer:129 ] Partial infer for 3302 [ 2020-05-06 17:08:49,857 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,857 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,858 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,858 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,859 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,859 ] [ DEBUG ] [ infer:129 ] Partial infer for 3299 [ 2020-05-06 17:08:49,859 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,860 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,860 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,860 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,861 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,861 ] [ DEBUG ] [ infer:129 ] Partial infer for 3296 [ 2020-05-06 17:08:49,861 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,862 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,862 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,862 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,863 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,865 ] [ DEBUG ] [ infer:129 ] Partial infer for 3293 [ 2020-05-06 17:08:49,868 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,869 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,869 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,870 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,870 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,870 ] [ DEBUG ] [ infer:129 ] Partial infer for 3290 [ 2020-05-06 17:08:49,871 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,871 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,871 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,872 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,872 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,872 ] [ DEBUG ] [ infer:129 ] Partial infer for 3287 [ 2020-05-06 17:08:49,873 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,873 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,873 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,874 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,876 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,879 ] [ DEBUG ] [ infer:129 ] Partial infer for 3284 [ 2020-05-06 17:08:49,880 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,880 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,881 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,881 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,882 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,882 ] [ DEBUG ] [ infer:129 ] Partial infer for 3281 [ 2020-05-06 17:08:49,882 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,882 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,883 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,883 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,883 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,884 ] [ DEBUG ] [ infer:129 ] Partial infer for 3278 [ 2020-05-06 17:08:49,884 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,885 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,887 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,890 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,890 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,890 ] [ DEBUG ] [ infer:129 ] Partial infer for 3275 [ 2020-05-06 17:08:49,891 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,891 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,892 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,892 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,892 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,893 ] [ DEBUG ] [ infer:129 ] Partial infer for 3272 [ 2020-05-06 17:08:49,893 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,893 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,894 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,894 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,894 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,894 ] [ DEBUG ] [ infer:129 ] Partial infer for 3269 [ 2020-05-06 17:08:49,895 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,895 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,896 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,898 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,901 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,902 ] [ DEBUG ] [ infer:129 ] Partial infer for 3266 [ 2020-05-06 17:08:49,902 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,903 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,903 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,904 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,904 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,904 ] [ DEBUG ] [ infer:129 ] Partial infer for 3263 [ 2020-05-06 17:08:49,905 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,905 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,905 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,906 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,906 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,906 ] [ DEBUG ] [ infer:129 ] Partial infer for 3260 [ 2020-05-06 17:08:49,907 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,909 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,912 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,912 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,913 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,913 ] [ DEBUG ] [ infer:129 ] Partial infer for 3257 [ 2020-05-06 17:08:49,914 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,914 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,914 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,915 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,915 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,915 ] [ DEBUG ] [ infer:129 ] Partial infer for 3254 [ 2020-05-06 17:08:49,916 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,916 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,916 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,917 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,917 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,918 ] [ DEBUG ] [ infer:129 ] Partial infer for 3251 [ 2020-05-06 17:08:49,920 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,923 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,924 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,925 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = -1.0 [ 2020-05-06 17:08:49,926 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,926 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_2/ExpandDims_2974/Dims [ 2020-05-06 17:08:49,927 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,927 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,927 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,928 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:49,928 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,928 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_2/ExpandDims_/Dims [ 2020-05-06 17:08:49,929 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,931 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,934 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,935 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:49,935 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,935 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_6/ExpandDims_2971/Dims [ 2020-05-06 17:08:49,936 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,936 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,937 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,937 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:49,937 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,938 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_6/ExpandDims_/Dims [ 2020-05-06 17:08:49,938 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,938 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,939 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,939 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:49,939 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,940 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack_1/ExpandDims_2968/Dims [ 2020-05-06 17:08:49,945 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,945 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,946 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,946 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:49,946 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,947 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack_1/ExpandDims_/Dims [ 2020-05-06 17:08:49,947 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,947 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,948 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,948 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:49,948 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,949 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_4/ExpandDims_2965/Dims [ 2020-05-06 17:08:49,949 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,949 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,950 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,950 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:49,950 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,953 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_4/ExpandDims_/Dims [ 2020-05-06 17:08:49,956 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,956 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,957 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,957 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:49,958 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,958 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_4/values_1/ExpandDims_2962/Dims [ 2020-05-06 17:08:49,959 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,959 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,960 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,960 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:49,960 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,960 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_4/values_1/ExpandDims_/Dims [ 2020-05-06 17:08:49,961 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,961 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,961 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,964 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:49,967 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,968 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice/size/ExpandDims_2959/Dims [ 2020-05-06 17:08:49,968 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,969 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,969 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,970 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:49,970 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,970 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice/size/ExpandDims_/Dims [ 2020-05-06 17:08:49,970 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,971 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,971 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,972 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:49,972 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,972 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/sub_2/y/ExpandDims_2956/Dims [ 2020-05-06 17:08:49,973 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,975 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,978 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,978 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:49,979 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,979 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/sub_2/y/ExpandDims_2955/Dims [ 2020-05-06 17:08:49,979 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,980 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,980 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,981 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:49,981 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,981 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/sub_2/y/ExpandDims_2954/Dims [ 2020-05-06 17:08:49,982 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,982 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,982 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,983 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:49,983 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,983 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame/sub_2/y/ExpandDims_/Dims [ 2020-05-06 17:08:49,984 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,986 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,989 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,990 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:49,990 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,991 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_7/ExpandDims_2951/Dims [ 2020-05-06 17:08:49,991 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,992 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,992 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,993 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:49,993 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:49,993 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_7/ExpandDims_/Dims [ 2020-05-06 17:08:49,994 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:49,994 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:49,995 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:49,997 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:50,000 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,001 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_5/ExpandDims_2948/Dims [ 2020-05-06 17:08:50,001 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,002 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,003 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,003 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:50,004 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,004 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_5/ExpandDims_/Dims [ 2020-05-06 17:08:50,005 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,011 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,011 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,012 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:50,012 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,012 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack_4/ExpandDims_2945/Dims [ 2020-05-06 17:08:50,013 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,013 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,014 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,014 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,014 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,015 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack_4/ExpandDims_/Dims [ 2020-05-06 17:08:50,017 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,021 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,021 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,022 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,022 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,022 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_11/ExpandDims_2942/Dims [ 2020-05-06 17:08:50,023 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,023 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,024 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,024 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:50,024 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,024 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_11/ExpandDims_/Dims [ 2020-05-06 17:08:50,025 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,025 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,025 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,028 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:50,031 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,032 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_9/ExpandDims_2939/Dims [ 2020-05-06 17:08:50,032 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,032 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,033 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,033 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:50,033 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,034 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_9/ExpandDims_/Dims [ 2020-05-06 17:08:50,034 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,035 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,035 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,035 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:50,036 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,041 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_1/Reshape_1/shape/ExpandDims_2936/Dims [ 2020-05-06 17:08:50,041 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,041 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,042 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,043 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,043 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,043 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_1/Reshape_1/shape/ExpandDims_2935/Dims [ 2020-05-06 17:08:50,043 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,044 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,044 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,045 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,045 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,045 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_1/Reshape_1/shape/ExpandDims_/Dims [ 2020-05-06 17:08:50,045 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,046 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,048 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,051 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,052 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,052 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/ones/packed/ExpandDims_/Dims [ 2020-05-06 17:08:50,053 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,053 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,054 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,055 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,055 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,055 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_4/Reshape_1/shape/ExpandDims_2930/Dims [ 2020-05-06 17:08:50,056 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,056 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,056 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,057 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,062 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,062 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_4/Reshape_1/shape/ExpandDims_2929/Dims [ 2020-05-06 17:08:50,063 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,064 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,064 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,064 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,065 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,065 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_4/Reshape_1/shape/ExpandDims_/Dims [ 2020-05-06 17:08:50,066 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,066 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,066 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,067 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,071 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,071 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_5/Reshape_1/shape/ExpandDims_2926/Dims [ 2020-05-06 17:08:50,071 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,072 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,072 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,073 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,073 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,073 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_5/Reshape_1/shape/ExpandDims_2925/Dims [ 2020-05-06 17:08:50,074 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,074 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,075 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,075 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,075 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,076 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_5/Reshape_1/shape/ExpandDims_/Dims [ 2020-05-06 17:08:50,076 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,076 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,077 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,077 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,078 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,078 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_2/Reshape/shape/ExpandDims_2922/Dims [ 2020-05-06 17:08:50,079 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,082 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,086 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,086 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,087 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,087 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_2/Reshape/shape/ExpandDims_2921/Dims [ 2020-05-06 17:08:50,087 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,088 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,088 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,089 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,089 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,089 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_2/Reshape/shape/ExpandDims_2920/Dims [ 2020-05-06 17:08:50,089 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,090 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,090 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,091 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,093 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,096 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_2/Reshape/shape/ExpandDims_/Dims [ 2020-05-06 17:08:50,096 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,096 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,097 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,098 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,098 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,098 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_3/ExpandDims_2917/Dims [ 2020-05-06 17:08:50,099 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,099 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,100 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,100 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:50,100 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,101 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_3/ExpandDims_/Dims [ 2020-05-06 17:08:50,107 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,107 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,108 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,108 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:50,109 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,109 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack/ExpandDims_2914/Dims [ 2020-05-06 17:08:50,109 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,109 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,110 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,111 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:50,111 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,111 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack/ExpandDims_/Dims [ 2020-05-06 17:08:50,111 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,112 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,117 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,117 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:50,117 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,118 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/stack_1/ExpandDims_2911/Dims [ 2020-05-06 17:08:50,119 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,120 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,120 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,120 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,121 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,121 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/stack_1/ExpandDims_2910/Dims [ 2020-05-06 17:08:50,121 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,122 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,124 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,127 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,128 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,128 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/stack_1/ExpandDims_2909/Dims [ 2020-05-06 17:08:50,128 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,129 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,129 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,130 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,130 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,130 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/stack_1/ExpandDims_/Dims [ 2020-05-06 17:08:50,131 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,131 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,131 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,132 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,132 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,132 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_2/Reshape_1/shape/ExpandDims_2906/Dims [ 2020-05-06 17:08:50,133 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,137 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,138 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,138 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,139 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,139 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_2/Reshape_1/shape/ExpandDims_2905/Dims [ 2020-05-06 17:08:50,139 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,140 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,140 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,141 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,142 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,142 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_2/Reshape_1/shape/ExpandDims_/Dims [ 2020-05-06 17:08:50,143 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,143 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,144 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,144 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,145 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,145 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_1/Reshape/shape/ExpandDims_2902/Dims [ 2020-05-06 17:08:50,145 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,146 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,149 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,153 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,153 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,153 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_1/Reshape/shape/ExpandDims_2901/Dims [ 2020-05-06 17:08:50,154 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,154 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,155 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,155 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,155 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,156 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_1/Reshape/shape/ExpandDims_2900/Dims [ 2020-05-06 17:08:50,156 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,156 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,157 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,157 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,157 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,158 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_1/Reshape/shape/ExpandDims_/Dims [ 2020-05-06 17:08:50,163 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,163 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,164 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,164 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,165 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,165 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_5/size/ExpandDims_/Dims [ 2020-05-06 17:08:50,166 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,166 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,166 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,167 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,167 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,168 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_8/ExpandDims_2895/Dims [ 2020-05-06 17:08:50,168 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,169 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,174 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,175 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:50,176 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,176 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_8/ExpandDims_/Dims [ 2020-05-06 17:08:50,177 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,178 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,179 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,181 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:50,184 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,185 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_4/Reshape/shape/ExpandDims_2892/Dims [ 2020-05-06 17:08:50,185 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,186 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,186 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,187 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,187 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,188 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_4/Reshape/shape/ExpandDims_2891/Dims [ 2020-05-06 17:08:50,188 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,188 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,189 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,191 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,194 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,194 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_4/Reshape/shape/ExpandDims_2890/Dims [ 2020-05-06 17:08:50,194 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,195 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,196 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,196 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,196 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,196 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_4/Reshape/shape/ExpandDims_/Dims [ 2020-05-06 17:08:50,197 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,197 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,198 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,198 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,199 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,201 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_1/ExpandDims_2887/Dims [ 2020-05-06 17:08:50,204 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,204 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,205 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,205 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,206 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,206 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_1/ExpandDims_/Dims [ 2020-05-06 17:08:50,207 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,207 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,208 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,208 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,208 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,209 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Decode/stack/ExpandDims_2884/Dims [ 2020-05-06 17:08:50,209 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,210 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,212 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,215 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,216 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,216 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Decode/stack/ExpandDims_2883/Dims [ 2020-05-06 17:08:50,217 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,217 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,218 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,218 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,218 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,219 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Decode/stack/ExpandDims_2882/Dims [ 2020-05-06 17:08:50,219 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,219 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,220 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,220 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,221 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,223 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Decode/stack/ExpandDims_/Dims [ 2020-05-06 17:08:50,226 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,227 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,227 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,228 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,228 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,229 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack/ExpandDims_2879/Dims [ 2020-05-06 17:08:50,229 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,229 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,230 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,231 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,231 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,232 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack/ExpandDims_/Dims [ 2020-05-06 17:08:50,234 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,238 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,238 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,239 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,240 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,241 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack/ExpandDims_2876/Dims [ 2020-05-06 17:08:50,241 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,241 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,242 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,243 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,247 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,252 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack/ExpandDims_/Dims [ 2020-05-06 17:08:50,252 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,253 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,254 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,254 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,255 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,255 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_10/ExpandDims_2873/Dims [ 2020-05-06 17:08:50,255 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,258 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,259 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,262 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:50,262 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,263 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_10/ExpandDims_/Dims [ 2020-05-06 17:08:50,263 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,264 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,264 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,265 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:50,265 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,265 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack/ExpandDims_2870/Dims [ 2020-05-06 17:08:50,266 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,266 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,266 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,272 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,273 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,273 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack/ExpandDims_2869/Dims [ 2020-05-06 17:08:50,273 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,274 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,275 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,275 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,275 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,275 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/stack/ExpandDims_/Dims [ 2020-05-06 17:08:50,276 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,276 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,277 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,277 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,278 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,278 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/stack/ExpandDims_2866/Dims [ 2020-05-06 17:08:50,278 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,279 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,279 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,280 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,280 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,281 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/stack/ExpandDims_2865/Dims [ 2020-05-06 17:08:50,284 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,287 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,289 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,290 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,290 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,291 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/stack/ExpandDims_/Dims [ 2020-05-06 17:08:50,292 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,292 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,295 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,298 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,301 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,302 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack/values_1/ExpandDims_2862/Dims [ 2020-05-06 17:08:50,302 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,303 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,304 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,304 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,304 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,305 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack/values_1/ExpandDims_/Dims [ 2020-05-06 17:08:50,305 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,305 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,306 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,308 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,311 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,311 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_3/Reshape_1/shape/ExpandDims_2859/Dims [ 2020-05-06 17:08:50,312 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,312 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,313 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,313 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,313 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,314 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_3/Reshape_1/shape/ExpandDims_2858/Dims [ 2020-05-06 17:08:50,314 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,314 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,315 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,315 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,316 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,316 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_3/Reshape_1/shape/ExpandDims_/Dims [ 2020-05-06 17:08:50,316 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,316 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,317 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,320 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,322 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,323 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_4/ExpandDims_2855/Dims [ 2020-05-06 17:08:50,323 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,323 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,324 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,324 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,324 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,325 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_4/ExpandDims_/Dims [ 2020-05-06 17:08:50,325 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,326 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,326 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,326 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,327 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,327 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_1/size/ExpandDims_/Dims [ 2020-05-06 17:08:50,327 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,328 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,330 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,333 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,333 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,334 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_5/Reshape/shape/ExpandDims_2850/Dims [ 2020-05-06 17:08:50,334 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,335 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,335 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,336 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,336 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,336 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_5/Reshape/shape/ExpandDims_2849/Dims [ 2020-05-06 17:08:50,337 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,337 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,337 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,338 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,338 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,338 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_5/Reshape/shape/ExpandDims_2848/Dims [ 2020-05-06 17:08:50,339 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,341 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,344 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,345 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,345 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,345 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_5/Reshape/shape/ExpandDims_/Dims [ 2020-05-06 17:08:50,346 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,346 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,347 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,347 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,347 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,348 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_0/Reshape/shape/ExpandDims_2845/Dims [ 2020-05-06 17:08:50,348 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,348 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,349 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,349 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,350 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,354 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_0/Reshape/shape/ExpandDims_2844/Dims [ 2020-05-06 17:08:50,354 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,355 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,355 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,355 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,356 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,356 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_0/Reshape/shape/ExpandDims_2843/Dims [ 2020-05-06 17:08:50,356 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,357 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,357 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,358 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,358 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,358 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_0/Reshape/shape/ExpandDims_/Dims [ 2020-05-06 17:08:50,359 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,359 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,359 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,360 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,360 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,360 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_1/ExpandDims_2840/Dims [ 2020-05-06 17:08:50,361 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,361 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,361 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,364 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:50,367 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,368 ] [ DEBUG ] [ infer:129 ] Partial infer for MultipleGridAnchorGenerator/stack_1/ExpandDims_/Dims [ 2020-05-06 17:08:50,368 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,369 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,369 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,370 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [3] [ 2020-05-06 17:08:50,370 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,370 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_0/Reshape_1/shape/ExpandDims_2837/Dims [ 2020-05-06 17:08:50,371 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,371 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,372 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,372 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,372 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,373 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_0/Reshape_1/shape/ExpandDims_2836/Dims [ 2020-05-06 17:08:50,375 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,378 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,379 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,379 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,379 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,380 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_0/Reshape_1/shape/ExpandDims_/Dims [ 2020-05-06 17:08:50,380 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,380 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,381 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,381 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,382 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,382 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_4/size/ExpandDims_2833/Dims [ 2020-05-06 17:08:50,382 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,383 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,383 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,383 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,384 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,386 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Slice_4/size/ExpandDims_/Dims [ 2020-05-06 17:08:50,389 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,390 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,390 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,391 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,391 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,391 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_1/values_1/ExpandDims_/Dims [ 2020-05-06 17:08:50,392 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,392 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,392 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,393 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,393 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,393 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Tile/multiples/ExpandDims_2828/Dims [ 2020-05-06 17:08:50,394 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,394 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,394 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,397 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,400 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,400 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Tile/multiples/ExpandDims_2827/Dims [ 2020-05-06 17:08:50,401 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,401 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,402 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,402 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,403 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,403 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Tile/multiples/ExpandDims_/Dims [ 2020-05-06 17:08:50,403 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,404 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,404 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,405 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,405 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,405 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_5/values_1/ExpandDims_/Dims [ 2020-05-06 17:08:50,405 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,406 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,408 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,411 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,412 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,412 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_3/Reshape/shape/ExpandDims_2822/Dims [ 2020-05-06 17:08:50,412 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,413 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,413 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,413 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,414 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,414 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_3/Reshape/shape/ExpandDims_2821/Dims [ 2020-05-06 17:08:50,414 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,415 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,415 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,416 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,416 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,416 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_3/Reshape/shape/ExpandDims_2820/Dims [ 2020-05-06 17:08:50,416 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,417 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,421 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,423 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,423 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,424 ] [ DEBUG ] [ infer:129 ] Partial infer for BoxPredictor_3/Reshape/shape/ExpandDims_/Dims [ 2020-05-06 17:08:50,424 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,424 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,425 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,425 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,426 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,427 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_5/ExpandDims_2817/Dims [ 2020-05-06 17:08:50,427 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,428 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,428 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,429 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,431 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,434 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/stack_5/ExpandDims_/Dims [ 2020-05-06 17:08:50,434 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,435 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,437 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,437 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,438 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,438 ] [ DEBUG ] [ infer:129 ] Partial infer for 2813 [ 2020-05-06 17:08:50,439 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,440 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,442 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,445 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0.5 [ 2020-05-06 17:08:50,446 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,446 ] [ DEBUG ] [ infer:129 ] Partial infer for 2811 [ 2020-05-06 17:08:50,446 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,447 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,447 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,448 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,448 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,448 ] [ DEBUG ] [ infer:129 ] Partial infer for 2809 [ 2020-05-06 17:08:50,449 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,449 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,450 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,454 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0.5 [ 2020-05-06 17:08:50,455 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,455 ] [ DEBUG ] [ infer:129 ] Partial infer for 2807 [ 2020-05-06 17:08:50,455 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,456 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,456 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,457 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0.5 [ 2020-05-06 17:08:50,457 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,457 ] [ DEBUG ] [ infer:129 ] Partial infer for 2805 [ 2020-05-06 17:08:50,458 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,458 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,459 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,459 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0.5 [ 2020-05-06 17:08:50,459 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,460 ] [ DEBUG ] [ infer:129 ] Partial infer for 2803 [ 2020-05-06 17:08:50,460 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,460 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,461 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,461 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0.5 [ 2020-05-06 17:08:50,461 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,461 ] [ DEBUG ] [ infer:129 ] Partial infer for 2801 [ 2020-05-06 17:08:50,462 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,462 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,463 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,466 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,468 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,469 ] [ DEBUG ] [ infer:129 ] Partial infer for 2799 [ 2020-05-06 17:08:50,470 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,470 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,471 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,471 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0.5 [ 2020-05-06 17:08:50,472 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,472 ] [ DEBUG ] [ infer:129 ] Partial infer for 2797 [ 2020-05-06 17:08:50,472 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,473 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,473 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,473 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,474 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,476 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Squeeze/Dims [ 2020-05-06 17:08:50,479 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,479 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,480 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,480 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [2] [ 2020-05-06 17:08:50,481 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,481 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Area/Squeeze/Dims [ 2020-05-06 17:08:50,481 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,482 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,482 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,482 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,483 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,483 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow/Area/Squeeze/Dims [ 2020-05-06 17:08:50,483 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,484 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,484 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,485 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,487 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,490 ] [ DEBUG ] [ infer:129 ] Partial infer for Squeeze/Dims [ 2020-05-06 17:08:50,490 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,491 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,491 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,492 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [2] [ 2020-05-06 17:08:50,492 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,493 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/non_max_suppression/NonMaxSuppressionV3/Crop/Squeeze/value [ 2020-05-06 17:08:50,493 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,493 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,494 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,494 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,494 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,495 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/non_max_suppression/NonMaxSuppressionV3/Unsqueeze_1/value [ 2020-05-06 17:08:50,495 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,495 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,496 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,498 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [3], value = [ 1 1 -1] [ 2020-05-06 17:08:50,501 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,502 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/non_max_suppression/NonMaxSuppressionV3/Unsqueeze_0/value [ 2020-05-06 17:08:50,502 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,503 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,504 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,504 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,504 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,504 ] [ DEBUG ] [ infer:129 ] Partial infer for add/y [ 2020-05-06 17:08:50,505 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,505 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,506 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,506 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 1.0 [ 2020-05-06 17:08:50,506 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,506 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayStack_6/range/delta [ 2020-05-06 17:08:50,507 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,509 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,512 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,512 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 1 [ 2020-05-06 17:08:50,513 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,513 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayStack_6/range/start [ 2020-05-06 17:08:50,513 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,514 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,514 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,514 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,515 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,515 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayStack_5/range/delta [ 2020-05-06 17:08:50,515 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,516 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,516 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,517 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 1 [ 2020-05-06 17:08:50,517 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,518 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayStack_5/range/start [ 2020-05-06 17:08:50,520 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,523 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,524 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,525 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,525 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,526 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayStack_2/range/delta [ 2020-05-06 17:08:50,527 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,527 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,528 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,529 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 1 [ 2020-05-06 17:08:50,531 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,535 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayStack_2/range/start [ 2020-05-06 17:08:50,535 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,537 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,538 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,538 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,538 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,539 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayStack_1/range/delta [ 2020-05-06 17:08:50,539 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,539 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,541 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,545 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 1 [ 2020-05-06 17:08:50,545 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,545 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayStack_1/range/start [ 2020-05-06 17:08:50,546 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,546 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,547 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,547 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,548 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,548 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayStack/range/delta [ 2020-05-06 17:08:50,548 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,549 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,549 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,549 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 1 [ 2020-05-06 17:08:50,550 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,554 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayStack/range/start [ 2020-05-06 17:08:50,555 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,555 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,556 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,556 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,556 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,557 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/iteration_counter [ 2020-05-06 17:08:50,557 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,557 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,558 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,558 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,558 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,559 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/Enter [ 2020-05-06 17:08:50,559 ] [ DEBUG ] [ infer:130 ] Op: Enter [ 2020-05-06 17:08:50,559 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,560 ] [ DEBUG ] [ infer:31 ] input[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,560 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,561 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,561 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,561 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/Merge [ 2020-05-06 17:08:50,561 ] [ DEBUG ] [ infer:130 ] Op: Merge [ 2020-05-06 17:08:50,562 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,562 ] [ DEBUG ] [ infer:31 ] input[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,562 ] [ DEBUG ] [ infer:31 ] input[1]: shape = <UNKNOWN>, value = <UNKNOWN> [ 2020-05-06 17:08:50,563 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,566 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = <UNKNOWN> [ 2020-05-06 17:08:50,569 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,570 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/Const [ 2020-05-06 17:08:50,570 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,571 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,571 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,571 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,572 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,572 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/Enter_1 [ 2020-05-06 17:08:50,572 ] [ DEBUG ] [ infer:130 ] Op: Enter [ 2020-05-06 17:08:50,573 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,573 ] [ DEBUG ] [ infer:31 ] input[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,573 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,574 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,574 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,575 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/while/Merge_1 [ 2020-05-06 17:08:50,577 ] [ DEBUG ] [ infer:130 ] Op: Merge [ 2020-05-06 17:08:50,580 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,580 ] [ DEBUG ] [ infer:31 ] input[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,581 ] [ DEBUG ] [ infer:31 ] input[1]: shape = <UNKNOWN>, value = <UNKNOWN> [ 2020-05-06 17:08:50,581 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,582 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = <UNKNOWN> [ 2020-05-06 17:08:50,582 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,582 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_6/range/delta [ 2020-05-06 17:08:50,583 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,583 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,583 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,584 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 1 [ 2020-05-06 17:08:50,584 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,584 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_6/range/start [ 2020-05-06 17:08:50,585 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,585 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,585 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,586 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,588 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,591 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_6/strided_slice/stack_2 [ 2020-05-06 17:08:50,592 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,592 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,593 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,593 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,594 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,594 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_6/strided_slice/stack_1 [ 2020-05-06 17:08:50,594 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,595 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,595 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,595 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,596 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,596 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_6/strided_slice/stack [ 2020-05-06 17:08:50,596 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,597 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,602 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,602 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,603 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,603 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_5/range/delta [ 2020-05-06 17:08:50,603 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,603 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,604 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,604 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 1 [ 2020-05-06 17:08:50,605 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,605 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_5/range/start [ 2020-05-06 17:08:50,606 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,606 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,607 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,607 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,607 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,608 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_5/strided_slice/stack_2 [ 2020-05-06 17:08:50,610 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,614 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,615 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,615 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,616 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,616 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_5/strided_slice/stack_1 [ 2020-05-06 17:08:50,617 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,618 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,618 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,619 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,621 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,625 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_5/strided_slice/stack [ 2020-05-06 17:08:50,625 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,626 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,627 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,627 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,627 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,628 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_3/range/delta [ 2020-05-06 17:08:50,628 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,628 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,629 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,629 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 1 [ 2020-05-06 17:08:50,629 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,631 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_3/range/start [ 2020-05-06 17:08:50,635 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,636 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,636 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,636 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,637 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,637 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_3/strided_slice/stack_2 [ 2020-05-06 17:08:50,638 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,638 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,638 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,639 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,639 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,639 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_3/strided_slice/stack_1 [ 2020-05-06 17:08:50,640 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,642 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,645 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,645 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,646 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,646 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_3/strided_slice/stack [ 2020-05-06 17:08:50,647 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,647 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,648 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,648 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,648 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,649 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_1/range/delta [ 2020-05-06 17:08:50,649 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,649 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,650 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,650 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 1 [ 2020-05-06 17:08:50,650 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,653 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_1/range/start [ 2020-05-06 17:08:50,656 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,656 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,657 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,657 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,658 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,658 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_1/strided_slice/stack_2 [ 2020-05-06 17:08:50,658 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,659 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,659 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,659 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,660 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,660 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_1/strided_slice/stack_1 [ 2020-05-06 17:08:50,660 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,661 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,662 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,664 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,667 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,667 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_1/strided_slice/stack [ 2020-05-06 17:08:50,668 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,668 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,669 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,669 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,669 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,670 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack/range/delta [ 2020-05-06 17:08:50,670 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,670 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,671 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,671 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 1 [ 2020-05-06 17:08:50,672 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,672 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack/range/start [ 2020-05-06 17:08:50,672 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,672 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,675 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,678 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0 [ 2020-05-06 17:08:50,679 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,680 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack/strided_slice/stack_2 [ 2020-05-06 17:08:50,681 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,681 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,682 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,683 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,683 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,684 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack/strided_slice/stack_1 [ 2020-05-06 17:08:50,686 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,689 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,690 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,691 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,691 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,691 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack/strided_slice/stack [ 2020-05-06 17:08:50,692 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,692 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,692 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,693 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,693 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,693 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/strided_slice/stack_2 [ 2020-05-06 17:08:50,694 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,696 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,699 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,700 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,700 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,700 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/strided_slice/stack_1 [ 2020-05-06 17:08:50,701 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,701 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,702 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,702 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,702 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,703 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/map/strided_slice/stack [ 2020-05-06 17:08:50,703 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,703 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,704 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,704 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,704 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,705 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/ones/Const [ 2020-05-06 17:08:50,707 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,710 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,711 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,711 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 1 [ 2020-05-06 17:08:50,711 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,712 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/strided_slice_1/stack_2 [ 2020-05-06 17:08:50,712 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,712 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,713 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,713 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,713 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,714 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/strided_slice_1/stack_1 [ 2020-05-06 17:08:50,714 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,714 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,715 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,715 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [2] [ 2020-05-06 17:08:50,715 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,716 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/strided_slice_1/stack [ 2020-05-06 17:08:50,720 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,720 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,721 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,722 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,722 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,722 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/strided_slice/stack_2 [ 2020-05-06 17:08:50,723 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,723 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,724 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,724 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,724 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,725 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/strided_slice/stack_1 [ 2020-05-06 17:08:50,725 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,725 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,726 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,726 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [1] [ 2020-05-06 17:08:50,726 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,727 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/BatchMultiClassNonMaxSuppression/strided_slice/stack [ 2020-05-06 17:08:50,727 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,727 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,728 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,728 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [1], value = [0] [ 2020-05-06 17:08:50,728 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,729 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Cast_3/x [ 2020-05-06 17:08:50,734 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,735 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,735 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,736 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 224 [ 2020-05-06 17:08:50,736 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,737 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Cast_3 [ 2020-05-06 17:08:50,737 ] [ DEBUG ] [ infer:130 ] Op: Cast [ 2020-05-06 17:08:50,737 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,738 ] [ DEBUG ] [ infer:31 ] input[0]: shape = [], value = 224 [ 2020-05-06 17:08:50,738 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,738 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 224.0 [ 2020-05-06 17:08:50,739 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,739 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/truediv_1/reciprocal_ [ 2020-05-06 17:08:50,739 ] [ DEBUG ] [ infer:130 ] Op: Pow [ 2020-05-06 17:08:50,740 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,745 ] [ DEBUG ] [ infer:31 ] input[0]: shape = [], value = 224.0 [ 2020-05-06 17:08:50,746 ] [ DEBUG ] [ infer:31 ] input[1]: shape = [], value = -1.0 [ 2020-05-06 17:08:50,747 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,747 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0.004464286 [ 2020-05-06 17:08:50,747 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,748 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Cast_2/x [ 2020-05-06 17:08:50,749 ] [ DEBUG ] [ infer:130 ] Op: Const [ 2020-05-06 17:08:50,749 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,750 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,750 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 224 [ 2020-05-06 17:08:50,751 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,753 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Cast_2 [ 2020-05-06 17:08:50,757 ] [ DEBUG ] [ infer:130 ] Op: Cast [ 2020-05-06 17:08:50,758 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,758 ] [ DEBUG ] [ infer:31 ] input[0]: shape = [], value = 224 [ 2020-05-06 17:08:50,759 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,759 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 224.0 [ 2020-05-06 17:08:50,760 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,760 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/truediv/reciprocal_ [ 2020-05-06 17:08:50,761 ] [ DEBUG ] [ infer:130 ] Op: Pow [ 2020-05-06 17:08:50,761 ] [ DEBUG ] [ infer:131 ] Inputs: [ 2020-05-06 17:08:50,761 ] [ DEBUG ] [ infer:31 ] input[0]: shape = [], value = 224.0 [ 2020-05-06 17:08:50,762 ] [ DEBUG ] [ infer:31 ] input[1]: shape = [], value = -1.0 [ 2020-05-06 17:08:50,764 ] [ DEBUG ] [ infer:144 ] Outputs: [ 2020-05-06 17:08:50,767 ] [ DEBUG ] [ infer:31 ] output[0]: shape = [], value = 0.004464286 [ 2020-05-06 17:08:50,768 ] [ DEBUG ] [ infer:128 ] -------------------- [ 2020-05-06 17:08:50,768 ] [ DEBUG ] [ infer:129 ] Partial infer for Postprocessor/Cast_1 [ 2020-05-06 17:08:50,769 ] [ DEBUG ] [ infer:130 ] Op: Cast [ 2020-05-06 17:08:50,769 ] [ DEBUG ] [ infer:131 ] Inputs: [ ERROR ] Cannot infer shapes or values for node "Postprocessor/Cast_1". [ ERROR ] 0 [ ERROR ] [ ERROR ] It can happen due to bug in custom shape infer function <function Cast.infer at 0x00000278FD6A6AF8>. [ ERROR ] Or because the node inputs have incorrect values/shapes. [ ERROR ] Or because input shapes are incorrect (embedded to the model or passed via --input_shape). [ 2020-05-06 17:08:50,773 ] [ DEBUG ] [ infer:196 ] Node "Postprocessor/Cast_1" attributes: {'pb': name: "Postprocessor/Cast_1" op: "Cast" input: "Preprocessor/map/TensorArrayStack_1/TensorArrayGatherV3" attr { key: "DstT" value { type: DT_FLOAT } } attr { key: "SrcT" value { type: DT_INT32 } } attr { key: "Truncate" value { b: false } } , '_in_ports': {0: {'control_flow': False}}, '_out_ports': {0: {'control_flow': False}}, 'kind': 'op', 'name': 'Postprocessor/Cast_1', 'op': 'Cast', 'type': 'Convert', 'infer': <function Cast.infer at 0x00000278FD6A6AF8>, 'type_infer': <function Cast.type_infer at 0x00000278FD6A6A68>, 'dst_type': <class 'numpy.float32'>, 'in_ports_count': 1, 'out_ports_count': 1, 'dim_attrs': ['spatial_dims', 'channel_dims', 'axis', 'batch_dims'], 'shape_attrs': ['shape', 'pad', 'stride', 'output_shape', 'window'], 'IE': [('layer', [('id', <function Op.substitute_ie_attrs.<locals>.<lambda> at 0x0000027887AE7D38>), 'name', 'type', 'version'], [('data', [('destination_type', <function Cast.backend_attrs.<locals>.<lambda> at 0x0000027887AE7DC8>)], []), '@ports', '@consts'])], 'is_output_reachable': True, 'is_undead': False, 'is_const_producer': False, 'is_partial_inferred': False} [ ANALYSIS INFO ] Your model looks like TensorFlow Object Detection API Model. Check if all parameters are specified: --tensorflow_use_custom_operations_config --tensorflow_object_detection_api_pipeline_config --input_shape (optional) --reverse_input_channels (if you convert a model to use with the Inference Engine sample applications) Detailed information about conversion of this model can be found at https://docs.openvinotoolkit.org/latest/_docs_MO_DG_prepare_model_convert_model_tf_specific_Convert_Object_Detection_API_Models.html [ ERROR ] Exception occurred during running replacer "REPLACEMENT_ID" (<class 'extensions.middle.PartialInfer.PartialInfer'>): Stopped shape/value propagation at "Postprocessor/Cast_1" node. For more information please refer to Model Optimizer FAQ (https://docs.openvinotoolkit.org/latest/_docs_MO_DG_prepare_model_Model_Optimizer_FAQ.html), question #38. [ 2020-05-06 17:08:50,780 ] [ DEBUG ] [ main:324 ] Traceback (most recent call last): File "C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer\mo\middle\passes\infer.py", line 134, in partial_infer node.infer(node) File "C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer\extensions\ops\Cast.py", line 56, in infer copy_shape_infer(node) File "C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer\mo\front\common\partial_infer\elemental.py", line 33, in copy_shape_infer single_output_infer(node, lambda n: n.in_node().shape, value_infer) File "C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer\mo\front\common\partial_infer\elemental.py", line 19, in single_output_infer node.out_node(0).shape = shape_infer(node) File "C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer\mo\front\common\partial_infer\elemental.py", line 33, in <lambda> single_output_infer(node, lambda n: n.in_node().shape, value_infer) File "C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer\mo\graph\graph.py", line 203, in in_node return self.in_nodes(control_flow=control_flow)[key] KeyError: 0 The above exception was the direct cause of the following exception: Traceback (most recent call last): File "C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 287, in apply_transform for_graph_and_each_sub_graph_recursively(graph, replacer.find_and_replace_pattern) File "C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\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_2020.1.033\deployment_tools\model_optimizer\extensions\middle\PartialInfer.py", line 32, in find_and_replace_pattern partial_infer(graph) File "C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer\mo\middle\passes\infer.py", line 198, in partial_infer refer_to_faq_msg(38)) from err mo.utils.error.Error: Stopped shape/value propagation at "Postprocessor/Cast_1" node. For more information please refer to Model Optimizer FAQ (https://docs.openvinotoolkit.org/latest/_docs_MO_DG_prepare_model_Model_Optimizer_FAQ.html), question #38. The above exception was the direct cause of the following exception: Traceback (most recent call last): File "C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer\mo\main.py", line 314, in main return driver(argv) File "C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer\mo\main.py", line 281, in driver ret_res = emit_ir(prepare_ir(argv), argv) File "C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer\mo\main.py", line 226, in prepare_ir graph = mo_tf.driver(argv) File "C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer\mo\pipeline\tf.py", line 111, in driver class_registration.ClassType.BACK_REPLACER File "C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 324, in apply_replacements num_transforms=len(replacers_order)) File "C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer\mo\utils\logger.py", line 124, in wrapper function(*args, **kwargs) File "C:\Program Files (x86)\IntelSWTools\openvino_2020.1.033\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 303, in apply_transform )) from err mo.utils.error.Error: Exception occurred during running replacer "REPLACEMENT_ID" (<class 'extensions.middle.PartialInfer.PartialInfer'>): Stopped shape/value propagation at "Postprocessor/Cast_1" node. For more information please refer to Model Optimizer FAQ (https://docs.openvinotoolkit.org/latest/_docs_MO_DG_prepare_model_Model_Optimizer_FAQ.html), question #38.
I optimized several model before, but i cant figure out this Postprocessor/Cast_1 problem.
Any idea how i can optimize this model?
Link Copied
- Mark as New
- Bookmark
- Subscribe
- Mute
- Subscribe to RSS Feed
- Permalink
- Report Inappropriate Content
Hi Adam,
Thanks for reaching out.
Which version of Tensorflow are you using?
Please refer to this comment on another thread regarding a similar issue and try modifying the ssd_v2_support.json accordingly.
If the issue still persists, could you please share your model and necessary files so that we can have a look. You can share these files privately in case you don't want to share them publicly.
Regards,
Jaivin
- Mark as New
- Bookmark
- Subscribe
- Mute
- Subscribe to RSS Feed
- Permalink
- Report Inappropriate Content
Hi Jaivin
Wow thanks a lot, changing ssd_v2_support.json line 59 to '"Postprocessor/Cast_1"' worked like a charm.
However here is the thing.
I worked on two enviroment simultaniusly one with tf 1.14.0 and the other tensorflow-gpu 1.15.0.
The model optimalization on the first one worked with the original ssd_v2_support.json file,
on the other i have to edit it.
So kinda weird,
Thanks again
Adam
- Mark as New
- Bookmark
- Subscribe
- Mute
- Subscribe to RSS Feed
- Permalink
- Report Inappropriate Content
Hi Adam,
I'm glad that it worked.
Thank you for sharing your observations with the OpenVino community.
Regards,
Jaivin

- Subscribe to RSS Feed
- Mark Topic as New
- Mark Topic as Read
- Float this Topic for Current User
- Bookmark
- Subscribe
- Printer Friendly Page