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

Faster RCNN with resnet 101 IR conversion issues

Kulkarni__Vinay
New Contributor I
651 Views

Hi ,

    I am using openvino latest Release R2, on windows 10 machine.

I tried converting the fasterRCNN with resnet 101 of .pb to IR format. But getting issues as follows :

The .pb is from :   https://storage.googleapis.com/intel-optimized-tensorflow/models/resnet101_fp32_pretrained_model.pb

 

(tf_1.14) C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\install_prerequisites>python ..\mo.py --input_model C:\Users\GF63\Documents\Intel\OpenVINO\faster_rcnn_resnet101_coco_2018_01_28\frozen_inference_graph.pb --input_shape (100,224,224,3) --output_dir D:\Openvino\ --log_level DEBUG
[ 2019-08-21 15:09:20,540 ] [ DEBUG ] [ main:134 ]  Namespace(batch=None, blobs_as_inputs=False, 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\\deployment_tools\\model_optimizer\\extensions', finegrain_fusing=None, framework='tf', freeze_placeholder_with_value=None, generate_deprecated_IR_V2=None, generate_experimental_IR_V10=False, input=None, input_checkpoint=None, input_meta_graph=None, input_model='C:\\Users\\GF63\\Documents\\Intel\\OpenVINO\\faster_rcnn_resnet101_coco_2018_01_28\\frozen_inference_graph.pb', input_model_is_text=False, input_proto=None, input_shape='(100,224,224,3)', input_symbol=None, k='..\\extensions\\front\\caffe\\CustomLayersMapping.xml', keep_quantize_ops_in_IR=False, 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='D:\\Openvino\\', pretrained_model_name=None, 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, tensorboard_logdir=None, tensorflow_custom_layer_libraries=None, tensorflow_custom_operations_config_update=None, tensorflow_object_detection_api_pipeline_config=None, tensorflow_operation_patterns=None, tensorflow_subgraph_patterns=None, tensorflow_use_custom_operations_config=None, version=False)
[ 2019-08-21 15:09:20,540 ] [ DEBUG ] [ main:135 ]  Model Optimizer started
[ 2019-08-21 15:09:20,540 ] [ DEBUG ] [ main:149 ]  Output model name would be frozen_inference_graph{.xml, .bin}
Model Optimizer arguments:
Common parameters:
        - Path to the Input Model:      C:\Users\GF63\Documents\Intel\OpenVINO\faster_rcnn_resnet101_coco_2018_01_28\frozen_inference_graph.pb
        - Path for generated IR:        D:\Openvino\
        - IR output name:       frozen_inference_graph
        - Log level:    DEBUG
        - Batch:        Not specified, inherited from the model
        - Input layers:         Not specified, inherited from the model
        - Output layers:        Not specified, inherited from the model
        - Input shapes:         (100,224,224,3)
        - Mean values:  Not specified
        - Scale values:         Not specified
        - Scale factor:         Not specified
        - Precision of IR:      FP32
        - Enable fusing:        True
        - Enable grouped convolutions fusing:   True
        - Move mean values to preprocess section:       False
        - Reverse input channels:       False
TensorFlow specific parameters:
        - Input model in text protobuf format:  False
        - Path to model dump for TensorBoard:   None
        - List of shared libraries with TensorFlow custom layers implementation:        None
        - Update the configuration file with input/output node names:   None
        - Use configuration file used to generate the model with Object Detection API:  None
        - Operations to offload:        None
        - Patterns to offload:  None
        - Use the config file:  None
Model Optimizer version:        2019.2.0-436-gf5827d4
[ 2019-08-21 15:09:21,453 ] [ DEBUG ] [ main:235 ]  Placeholder shapes : [100 224 224   3]
[ INFO ]  Importing extensions from: C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo
[ INFO ]  New subclass: <class 'extensions.ops.gather.Gather'>
[ INFO ]  Registered a new subclass with key: Gather
[ INFO ]  New subclass: <class 'mo.ops.const.Const'>
[ INFO ]  Registered a new subclass with key: Const
[ INFO ]  New subclass: <class 'extensions.ops.transpose.Transpose'>
[ INFO ]  Registered a new subclass with key: Transpose
[ INFO ]  New subclass: <class 'mo.ops.reshape.Reshape'>
[ INFO ]  Registered a new subclass with key: Reshape
[ INFO ]  New subclass: <class 'mo.ops.scale_shift.ScaleShiftOp'>
[ INFO ]  Registered a new subclass with key: ScaleShift
[ 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.softmax.Softmax'>
[ INFO ]  Registered a new subclass with key: SoftMax
[ INFO ]  New subclass: <class 'extensions.ops.elementwise.Elementwise'>
[ 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.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_onnx.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.inner_product.InnerProduct'>
[ INFO ]  Registered a new subclass with key: FullyConnected
[ INFO ]  New subclass: <class 'mo.ops.lrn.LRN'>
[ INFO ]  Registered a new subclass with key: LRN
[ 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.Power'>
[ INFO ]  Registered a new subclass with key: Power
[ 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.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.split.Split'>
[ INFO ]  Registered a new subclass with key: Split
[ 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.unsqueeze.Unsqueeze'>
[ INFO ]  Registered a new subclass with key: Unsqueeze
[ INFO ]  New subclass: <class 'mo.front.common.replacement.FrontReplacementSubgraph'>
[ 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 '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.ConcatOptimization.ConcatOptimization'>
[ INFO ]  New subclass: <class 'extensions.middle.EltwiseChecker.EltwiseChecker'>
[ 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.back.CreateConstNodes.CreateConstNodesReplacement'>
[ INFO ]  New subclass: <class 'extensions.back.FuseReshapesSequence.FuseReshapesSequence'>
[ INFO ]  New subclass: <class 'extensions.back.InsertLayoutPropagationTransposes.InsertLayoutPropagationTranspose'>
[ INFO ]  New subclass: <class 'extensions.back.RemoveRedundantReshapes.RemoveRedundantReshapes'>
[ INFO ]  New subclass: <class 'extensions.middle.LayoutChangeForConstantShapePaths.LayoutChangeForConstantShapePaths'>
[ 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 'mo.front.tf.replacement.FrontReplacementFromConfigFileGeneral'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementOp'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.tf.replacement.FrontReplacementFromConfigFileSubGraph'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.front.tf.replacement.FrontReplacementFromConfigFileOp'> registration because it was already registered or it was disabled.
[ INFO ]  Importing extensions from: C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\extensions
[ WARNING ]  Skipped <class 'extensions.ops.gather.Gather'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'mo.ops.const.Const'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.transpose.Transpose'> 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.scale_shift.ScaleShiftOp'> 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.softmax.Softmax'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.ops.elementwise.Elementwise'> 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.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_onnx.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.inner_product.InnerProduct'> 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.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.Power'> 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.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.split.Split'> 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.unsqueeze.Unsqueeze'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.ops.BatchMatMul.BatchMatMul'>
[ INFO ]  Registered a new subclass with key: BatchMatMul
[ INFO ]  New subclass: <class 'extensions.ops.BlockLSTM.BlockLSTM'>
[ INFO ]  Registered a new subclass with key: BlockLSTM
[ INFO ]  New subclass: <class 'extensions.ops.Cast.Cast'>
[ INFO ]  Registered a new subclass with key: Cast
[ 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.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.SquaredDifference.SquaredDifference'>
[ INFO ]  Registered a new subclass with key: SquaredDifference
[ 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.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.constant_fill.ConstantFill'>
[ INFO ]  Registered a new subclass with key: ConstantFill
[ INFO ]  New subclass: <class 'extensions.ops.copy.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.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.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.normalize.NormalizeOp'>
[ INFO ]  Registered a new subclass with key: Normalize
[ 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.parameter.Parameter'>
[ INFO ]  Registered a new subclass with key: Parameter
[ 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.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.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.splitv.SplitV'>
[ INFO ]  Registered a new subclass with key: SplitV
[ 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.tensor_iterator.TensorIterator'>
[ INFO ]  Registered a new subclass with key: TensorIterator
[ 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.upsample.UpsampleOp'>
[ INFO ]  Registered a new subclass with key: Upsample
[ 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.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: LRN
[ 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: Power
[ 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.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.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 'mo.front.tf.replacement.FrontReplacementFromConfigFileGeneral'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.front.ExpandDimsToUnsqueeze.ExpandDimsToUnsqueeze'>
[ INFO ]  New subclass: <class 'extensions.front.FillToBroadcast.FillToBroadcast'>
[ 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.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.pass_separator.FrontStart'>
[ INFO ]  New subclass: <class 'extensions.front.pass_separator.FrontFinish'>
[ INFO ]  New subclass: <class 'extensions.front.user_data_repack.UserDataRepack'>
[ 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.TransposeOrderNormalizer.TransposeOrderNormalizer'>
[ INFO ]  New subclass: <class 'extensions.front.freeze_placeholder_value.FreezePlaceholderValue'>
[ INFO ]  New subclass: <class 'extensions.front.no_op_eraser.NoOpEraser'>
[ 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.restore_ports.RestorePorts'>
[ INFO ]  New subclass: <class 'extensions.front.softmax.SoftmaxFromKeras'>
[ INFO ]  New subclass: <class 'extensions.front.standalone_const_eraser.StandaloneConstEraser'>
[ WARNING ]  Skipped <class 'mo.front.tf.replacement.FrontReplacementFromConfigFileOp'> registration because it was already registered or it was disabled.
[ 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.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.FloorMod_ext.EltwiseFrontExtractor'>
[ INFO ]  Registered a new subclass with key: FloorMod
[ 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.Not_ext.LogicalNotFrontExtractor'>
[ INFO ]  Registered a new subclass with key: LogicalNot
[ 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.all_ext.AllFrontExtractor'>
[ INFO ]  Registered a new subclass with key: All
[ 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.concat_ext.ConcatFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Concat
[ 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.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.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.elu_ext.EluFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Elu
[ INFO ]  New subclass: <class 'extensions.front.tf.erf_ext.ErfFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Erf
[ INFO ]  New subclass: <class 'extensions.front.tf.exp_ext.ExpExtractor'>
[ INFO ]  Registered a new subclass with key: Exp
[ 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.leaky_relu_ext.LeakyReLUFrontExtractor'>
[ INFO ]  Registered a new subclass with key: LeakyRelu
[ INFO ]  New subclass: <class 'extensions.front.tf.max_ext.MaxFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Max
[ INFO ]  New subclass: <class 'extensions.front.tf.mean_ext.MeanExtractor'>
[ INFO ]  Registered a new subclass with key: Mean
[ 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.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.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.prod_ext.ProdFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Prod
[ INFO ]  New subclass: <class 'extensions.front.tf.rank_ext.RankFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Rank
[ INFO ]  New subclass: <class 'extensions.front.tf.relu6_ext.Relu6FrontExtractor'>
[ INFO ]  Registered a new subclass with key: Relu6
[ INFO ]  New subclass: <class 'extensions.front.tf.relu_ext.ReluFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Relu
[ INFO ]  New subclass: <class 'extensions.front.tf.reshape_ext.ReshapeExtractor'>
[ INFO ]  Registered a new subclass with key: Reshape
[ 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.shape_ext.ShapeExtractor'>
[ INFO ]  Registered a new subclass with key: Shape
[ INFO ]  New subclass: <class 'extensions.front.tf.sigmoid.SigmoidFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Sigmoid
[ INFO ]  New subclass: <class 'extensions.front.tf.size_ext.SizeFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Size
[ 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.split_ext.SplitVExtractor'>
[ INFO ]  Registered a new subclass with key: SplitV
[ INFO ]  New subclass: <class 'extensions.front.tf.squeeze_ext.SqueezeExtractor'>
[ INFO ]  Registered a new subclass with key: Squeeze
[ INFO ]  New subclass: <class 'extensions.front.tf.stop_gradient_ext.StopGradientExtractor'>
[ INFO ]  Registered a new subclass with key: StopGradient
[ INFO ]  New subclass: <class 'extensions.front.tf.sum_ext.SumFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Sum
[ INFO ]  New subclass: <class 'extensions.front.tf.tanh.TanhFrontExtractor'>
[ INFO ]  Registered a new subclass with key: Tanh
[ 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.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.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.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.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.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.Unpack.Unpack'>
[ INFO ]  Registered a new subclass with key: Unpack
[ 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
[ WARNING ]  Skipped <class 'mo.front.common.replacement.FrontReplacementSubgraph'> 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.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.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.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.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.user_data_repack.UserDataRepack'> 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.tensorflow_use_custom_operations_config.TensorflowUseCustomOperationsConfig'>
[ 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.TransposeOrderNormalizer.TransposeOrderNormalizer'> 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.no_op_eraser.NoOpEraser'> 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.restore_ports.RestorePorts'> 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.standalone_const_eraser.StandaloneConstEraser'> registration because it was already registered or it was disabled.
[ 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.basic_lstm_cell.BasicLSTMCell'>
[ 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.MVN'>
[ INFO ]  New subclass: <class 'extensions.front.tf.mvn_unrolled.MVNUnrolled'>
[ INFO ]  New subclass: <class 'extensions.front.tf.prelu.PReLU'>
[ INFO ]  New subclass: <class 'extensions.front.tf.prelu.PReLUWithAbs'>
[ 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'>
[ 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'>
[ INFO ]  New subclass: <class 'extensions.front.tf.YOLO.YoloRegionAddon'>
[ INFO ]  New subclass: <class 'extensions.front.tf.YOLO.YoloV3RegionAddon'>
[ WARNING ]  Skipped <class 'extensions.middle.ConcatOptimization.ConcatOptimization'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseChecker.EltwiseChecker'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.Eltwise1DInputReshape'> registration because it was already registered or it was disabled. 
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputReshape.EltwiseInputReshape'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.EltwiseInputNormalization.EltwiseInputNormalize'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.middle.PartialInfer.PartialInfer'>
[ 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.ArgMaxToTopK.ArgMaxToTopK'>
[ INFO ]  Registered a new subclass with key: ArgMax
[ 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.RemoveIdentity.RemoveIdentity'>
[ INFO ]  New subclass: <class 'extensions.middle.RemoveIdentity.RemoveDropout'>
[ INFO ]  New subclass: <class 'extensions.middle.RemoveIdentity.RemoveNodesWithZeroPhase'>
[ INFO ]  New subclass: <class 'extensions.middle.Cast.CastToFloatMark'>
[ INFO ]  New subclass: <class 'extensions.middle.ChangePlaceholderTypes.ChangePlaceholderTypes'>
[ 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.DeleteControlFlowEdges.DeleteControlFlowEdges'>
[ 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.FlattenONNXToReshape.FlattenONNXToReshape'>
[ INFO ]  New subclass: <class 'extensions.middle.FusedBatchNormNonConstant.FusedBatchNormNonConstant'>
[ INFO ]  New subclass: <class 'extensions.middle.FusedBatchNormTrainingCatch.FusedBatchNormTrainingCatch'>
[ INFO ]  New subclass: <class 'extensions.middle.GRURNNSequenceToTensorIterator.GRUAndRNNToTensorIterator'>
[ INFO ]  New subclass: <class 'extensions.middle.GatherNdNormalizer.GatherNdNormalize'>
[ INFO ]  New subclass: <class 'extensions.middle.GemmResolver.GemmResolver'>
[ INFO ]  New subclass: <class 'extensions.middle.GemmToFullyConnected.GemmToFullyConnected'>
[ 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.L2NormToNorm.L2NormToNorm'>
[ INFO ]  New subclass: <class 'extensions.middle.RNNSequenceNormalizeToIE.RNNSequenceNormalize'>
[ INFO ]  New subclass: <class 'extensions.middle.LSTMRNNSequenceToTensorIterator.LSTMToTensorIterator'>
[ INFO ]  New subclass: <class 'extensions.middle.MXNetRNNSequenceNormalize.MXNetRNNSequenceNormalize'>
[ INFO ]  New subclass: <class 'extensions.middle.MXNetSplitMultiLayers.MXNetSplitLayersToRNNSequence'>
[ INFO ]  New subclass: <class 'extensions.middle.MinimumMiddleReplacer.MinimumMiddleReplacer'>
[ INFO ]  New subclass: <class 'extensions.middle.NasNet.NasNet'>
[ INFO ]  New subclass: <class 'extensions.middle.NormalizeFullyConnected.NormalizeFullyConnected'>
[ INFO ]  New subclass: <class 'extensions.middle.NormalizePad.NormalizePad'>
[ INFO ]  New subclass: <class 'extensions.middle.ONNXRNNSequenceNormalize.ONNXRNNSequenceNormalize'>
[ 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.RemoveRedundantReshapeAfterCropAndResize.RemoveRedundantReshapeAfterCropAndResize'>
[ 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.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.TensorIteratorInput.SmartInputMatcher'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorInput.SimpleInputMatcher'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorInput.BackEdgeSimpleInputMatcher'>
[ INFO ]  New subclass: <class 'extensions.middle.SwitchMergeOptimization.SwitchMergeMiddleReplacer'>
[ 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.TensorIteratorLSTMToLSTMSequence.TensorIteratorLSTM'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorOutput.SmartOutputMatcher'>
[ INFO ]  New subclass: <class 'extensions.middle.TensorIteratorOutput.SimpleOutputMatcher'>
[ INFO ]  New subclass: <class 'extensions.middle.TileReplacer.TileMultipleAxisReplacer'>
[ 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.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.permute_tensor_iterator.TransposeTensorIteratorLSTM'>
[ INFO ]  New subclass: <class 'extensions.middle.quantize_fuses.MarkNodesToFuseUpToFakeQuantize'>
[ INFO ]  New subclass: <class 'extensions.middle.quantize_fuses.FakeQuantizeFuse'>
[ 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.ssd_anchors_to_const.SsdAnchorsMiddleReplacer'>
[ INFO ]  New subclass: <class 'extensions.middle.wights_permute_normalizer.WeightsPermuteNormalizer'>
[ WARNING ]  Skipped <class 'extensions.back.CreateConstNodes.CreateConstNodesReplacement'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.back.FuseReshapesSequence.FuseReshapesSequence'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.back.InsertLayoutPropagationTransposes.InsertLayoutPropagationTranspose'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.back.RemoveRedundantReshapes.RemoveRedundantReshapes'> registration because it was already registered or it was disabled.
[ WARNING ]  Skipped <class 'extensions.middle.LayoutChangeForConstantShapePaths.LayoutChangeForConstantShapePaths'> registration because it was already registered or it was disabled.
[ INFO ]  New subclass: <class 'extensions.back.ActivationsNormalizer.ActivationsNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.AvgPool.AvgPool'>
[ INFO ]  New subclass: <class 'extensions.back.ConvolutionNormalizer.ConvolutionNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.EltwiseBroadcast.EltwiseBroadcast'>
[ INFO ]  New subclass: <class 'extensions.back.ForceStrictPrecision.ForceStrictPrecision'>
[ INFO ]  New subclass: <class 'extensions.back.FuseTransposesSequence.FuseTransposesSequence'>
[ INFO ]  New subclass: <class 'extensions.back.OptimizeTransposeReshapeSequence.OptimizeTransposeReshapeSequence'>
[ INFO ]  New subclass: <class 'extensions.back.ReshapeMutation.ReshapeMutation'>
[ INFO ]  New subclass: <class 'extensions.back.ReshapeMutation.FlattenMutation'>
[ INFO ]  New subclass: <class 'extensions.back.ReshapeMutation.DisableReshapeMutationInTensorIterator'>
[ INFO ]  New subclass: <class 'extensions.back.ConvolutionReshaper.ConvolutionReshaper'>
[ INFO ]  New subclass: <class 'extensions.back.CropToStridedSlice.CropToStridedSlice'>
[ 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.GroupedConvWeightsNormalize.GroupedConvWeightsNormalize'>
[ INFO ]  New subclass: <class 'extensions.back.InterpolateToInterpOrResample.InterpolateToInterpOrResample'>
[ INFO ]  New subclass: <class 'extensions.back.LRNToNorm.LRNToNorm'>
[ INFO ]  New subclass: <class 'extensions.back.LeakyReluToReluWithNegativeSlope.LeakyReluToReluWithNegativeSlope'>
[ INFO ]  New subclass: <class 'extensions.back.MatMulNormalizer.MatMulNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.MaxPool.MaxPool'>
[ INFO ]  New subclass: <class 'extensions.back.NormalizeToNormalizeL2.NormalizeToNormalizeL2'>
[ INFO ]  New subclass: <class 'extensions.back.PackBinaryWeights.PackBinaryWeights'>
[ INFO ]  New subclass: <class 'extensions.back.PadNormalizer.PadNormalize'>
[ INFO ]  New subclass: <class 'extensions.back.ParameterToPlaceholder.ParameterToInput'>
[ INFO ]  New subclass: <class 'extensions.back.RNNSequenceTypeRename.RNNSequence'>
[ INFO ]  New subclass: <class 'extensions.back.ReduceToPooling.ReduceReplacer'>
[ INFO ]  New subclass: <class 'extensions.back.ReduceTransposeDimensions.ReduceTransposeDimensions'>
[ INFO ]  New subclass: <class 'extensions.back.RepackFCWeightsNHWCToNCHW.RepackFCWeightsNHWCToNCHW'>
[ INFO ]  New subclass: <class 'extensions.back.ResultNormalizer.ResultNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.ScalarConstNormalize.ScalarNormalize'>
[ INFO ]  New subclass: <class 'extensions.back.ScalarConstNormalize.ScalarNormalizeForSpecificOps'>
[ INFO ]  New subclass: <class 'extensions.back.SelectBroadcast.SelectBroadcast'>
[ INFO ]  New subclass: <class 'extensions.back.SelectInputNormalizer.SelectInputNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.ShapeOfToShape.ShapeOfToShape'>
[ INFO ]  New subclass: <class 'extensions.back.TransposeToPermute.TransposeToPermute'>
[ INFO ]  New subclass: <class 'extensions.back.ShuffleChannelPatternOptimization.ShuffleChannelPatternOptimization'>
[ INFO ]  New subclass: <class 'extensions.back.ShufflenetReLUReorder.ShufflenetReLUReorder'>
[ INFO ]  New subclass: <class 'extensions.back.TileReshaper.TileReshaper'>
[ INFO ]  New subclass: <class 'extensions.back.TopKNormalizer.TopKNormalizer'>
[ INFO ]  New subclass: <class 'extensions.back.TransposeFCWeights.TransposeFCWeights'>
[ 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.insert_compatibility_l2normalization.CompatibilityL2NormalizationPattern'>
[ 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'>
[ 2019-08-21 15:09:22,223 ] [ DEBUG ] [ class_registration:48 ]  All replacers has unique idxs.

 

[ 2019-08-21 15:11:16,512 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,512 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_44/sub_2/y/ExpandDims_/Dims
[ 2019-08-21 15:11:16,512 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,512 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,512 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,513 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,513 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,513 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_85/ExpandDims_11547/Dims
[ 2019-08-21 15:11:16,513 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,513 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,513 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,513 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,513 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,513 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_85/ExpandDims_/Dims
[ 2019-08-21 15:11:16,513 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,514 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,514 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,514 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,514 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,514 ] [ DEBUG ] [ infer:130 ]  Partial infer for stack_3/ExpandDims_11544/Dims
[ 2019-08-21 15:11:16,514 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,514 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,514 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,514 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,514 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,515 ] [ DEBUG ] [ infer:130 ]  Partial infer for stack_3/ExpandDims_/Dims
[ 2019-08-21 15:11:16,515 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,515 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,515 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,515 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,515 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,515 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_6/sub_2/y/ExpandDims_11541/Dims
[ 2019-08-21 15:11:16,515 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,515 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,515 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,516 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,516 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,516 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_6/sub_2/y/ExpandDims_11540/Dims
[ 2019-08-21 15:11:16,516 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,516 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,516 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,516 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,516 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,517 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_6/sub_2/y/ExpandDims_11539/Dims
[ 2019-08-21 15:11:16,519 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,520 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,520 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,520 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,520 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,520 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_6/sub_2/y/ExpandDims_/Dims
[ 2019-08-21 15:11:16,520 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,521 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,521 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,521 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,521 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,521 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_20/ExpandDims_11536/Dims
[ 2019-08-21 15:11:16,521 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,521 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,522 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,522 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,522 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,522 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_20/ExpandDims_/Dims
[ 2019-08-21 15:11:16,522 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,523 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,523 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,523 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,523 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,523 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_72/ExpandDims_11533/Dims
[ 2019-08-21 15:11:16,523 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,524 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,524 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,524 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,524 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,524 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_72/ExpandDims_/Dims
[ 2019-08-21 15:11:16,524 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,524 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,524 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,525 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,525 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,525 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_29/ExpandDims_11530/Dims
[ 2019-08-21 15:11:16,525 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,525 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,525 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,525 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,525 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,525 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_29/ExpandDims_/Dims
[ 2019-08-21 15:11:16,525 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,526 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,526 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,526 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,526 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,526 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_31/sub_2/y/ExpandDims_11527/Dims
[ 2019-08-21 15:11:16,526 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,526 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,526 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,527 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,527 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,527 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_31/sub_2/y/ExpandDims_11526/Dims
[ 2019-08-21 15:11:16,527 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,527 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,527 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,528 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,531 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,531 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_31/sub_2/y/ExpandDims_11525/Dims
[ 2019-08-21 15:11:16,531 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,531 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,531 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,531 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,532 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,532 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_31/sub_2/y/ExpandDims_/Dims
[ 2019-08-21 15:11:16,532 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,532 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,532 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,533 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,533 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,533 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_46/sub_2/y/ExpandDims_11522/Dims
[ 2019-08-21 15:11:16,533 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,533 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,533 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,534 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,534 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,534 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_46/sub_2/y/ExpandDims_11521/Dims
[ 2019-08-21 15:11:16,534 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,534 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,534 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,534 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,535 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,535 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_46/sub_2/y/ExpandDims_11520/Dims
[ 2019-08-21 15:11:16,535 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,535 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,535 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,535 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,535 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,535 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_46/sub_2/y/ExpandDims_/Dims
[ 2019-08-21 15:11:16,535 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,535 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,535 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,536 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,536 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,536 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_30/sub_2/y/ExpandDims_11517/Dims
[ 2019-08-21 15:11:16,536 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,536 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,536 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,536 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,536 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,536 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_30/sub_2/y/ExpandDims_11516/Dims
[ 2019-08-21 15:11:16,536 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,537 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,537 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,537 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,537 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,537 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_30/sub_2/y/ExpandDims_11515/Dims
[ 2019-08-21 15:11:16,537 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,537 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,538 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,538 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,538 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,538 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_30/sub_2/y/ExpandDims_/Dims
[ 2019-08-21 15:11:16,538 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,538 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,538 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,539 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,542 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,542 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_57/ExpandDims_11512/Dims
[ 2019-08-21 15:11:16,542 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,542 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,542 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,542 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,543 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,543 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_57/ExpandDims_/Dims
[ 2019-08-21 15:11:16,543 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,543 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,543 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,543 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,544 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,544 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_59/sub_2/y/ExpandDims_11509/Dims
[ 2019-08-21 15:11:16,544 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,544 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,544 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,544 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,544 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,545 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_59/sub_2/y/ExpandDims_11508/Dims
[ 2019-08-21 15:11:16,545 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,545 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,545 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,545 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,545 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,545 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_59/sub_2/y/ExpandDims_11507/Dims
[ 2019-08-21 15:11:16,545 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,545 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,545 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,546 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,546 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,546 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_59/sub_2/y/ExpandDims_/Dims
[ 2019-08-21 15:11:16,546 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,546 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,546 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,546 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,546 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,546 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_25/sub_2/y/ExpandDims_11504/Dims
[ 2019-08-21 15:11:16,546 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,547 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,547 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,547 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,547 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,547 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_25/sub_2/y/ExpandDims_11503/Dims
[ 2019-08-21 15:11:16,547 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,547 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,547 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,547 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,548 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,548 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_25/sub_2/y/ExpandDims_11502/Dims
[ 2019-08-21 15:11:16,548 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,548 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,548 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,548 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,548 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,548 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_25/sub_2/y/ExpandDims_/Dims
[ 2019-08-21 15:11:16,548 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,548 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,548 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,549 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,549 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,549 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_40/sub_2/y/ExpandDims_11499/Dims
[ 2019-08-21 15:11:16,549 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,549 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,549 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,549 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,550 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,553 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_40/sub_2/y/ExpandDims_11498/Dims
[ 2019-08-21 15:11:16,553 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,553 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,553 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,553 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,553 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,554 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_40/sub_2/y/ExpandDims_11497/Dims
[ 2019-08-21 15:11:16,554 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,554 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,554 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,554 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,554 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,555 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_40/sub_2/y/ExpandDims_/Dims
[ 2019-08-21 15:11:16,555 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,555 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,555 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,555 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,555 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,556 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_66/ExpandDims_11494/Dims
[ 2019-08-21 15:11:16,556 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,556 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,556 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,556 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,556 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,556 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_66/ExpandDims_/Dims
[ 2019-08-21 15:11:16,556 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,557 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,557 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,557 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,557 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,557 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_18/sub_2/y/ExpandDims_11491/Dims
[ 2019-08-21 15:11:16,557 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,557 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,557 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,558 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,558 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,558 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_18/sub_2/y/ExpandDims_11490/Dims
[ 2019-08-21 15:11:16,558 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,558 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,558 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,558 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,558 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,558 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_18/sub_2/y/ExpandDims_11489/Dims
[ 2019-08-21 15:11:16,558 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,559 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,559 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,559 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,559 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,559 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_18/sub_2/y/ExpandDims_/Dims
[ 2019-08-21 15:11:16,559 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,559 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,559 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,560 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,560 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,560 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_65/ExpandDims_11486/Dims
[ 2019-08-21 15:11:16,560 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,560 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,560 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,560 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,560 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,560 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_65/ExpandDims_/Dims
[ 2019-08-21 15:11:16,561 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,561 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,561 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,561 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,561 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,561 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_64/ExpandDims_11483/Dims
[ 2019-08-21 15:11:16,561 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,561 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,561 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,562 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,565 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,565 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_64/ExpandDims_/Dims
[ 2019-08-21 15:11:16,565 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,565 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,565 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,566 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,566 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,566 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_83/sub_2/y/ExpandDims_11480/Dims
[ 2019-08-21 15:11:16,566 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,566 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,567 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,567 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,567 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,567 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_83/sub_2/y/ExpandDims_11479/Dims
[ 2019-08-21 15:11:16,567 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,567 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,568 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,568 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,568 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,568 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_83/sub_2/y/ExpandDims_11478/Dims
[ 2019-08-21 15:11:16,568 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,568 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,568 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,569 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,569 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,569 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ChangeCoordinateFrame_83/sub_2/y/ExpandDims_/Dims
[ 2019-08-21 15:11:16,569 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,569 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,569 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,569 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,569 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,569 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/stack/ExpandDims_11475/Dims
[ 2019-08-21 15:11:16,569 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,570 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,570 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,570 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,570 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,570 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/stack/ExpandDims_11474/Dims
[ 2019-08-21 15:11:16,570 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,570 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,570 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,570 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,571 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,571 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/stack/ExpandDims_11473/Dims
[ 2019-08-21 15:11:16,571 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,571 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,571 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,571 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,571 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,571 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/stack/ExpandDims_/Dims
[ 2019-08-21 15:11:16,571 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,571 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,571 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,572 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,572 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,572 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_18/ExpandDims_11470/Dims
[ 2019-08-21 15:11:16,572 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,572 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,572 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,572 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,572 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,573 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_18/ExpandDims_/Dims
[ 2019-08-21 15:11:16,573 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,573 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,573 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,573 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,573 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,573 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11467
[ 2019-08-21 15:11:16,573 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,573 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,573 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,574 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 -1]
[ 2019-08-21 15:11:16,577 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,577 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11465
[ 2019-08-21 15:11:16,577 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,577 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,577 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,577 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,577 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,577 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11463
[ 2019-08-21 15:11:16,578 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,578 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,578 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,578 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,578 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,578 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11461
[ 2019-08-21 15:11:16,578 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,579 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,579 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,579 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,579 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,579 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11459
[ 2019-08-21 15:11:16,579 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,580 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,580 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,580 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,580 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,580 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11457
[ 2019-08-21 15:11:16,580 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,580 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,580 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,581 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,581 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,581 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11455
[ 2019-08-21 15:11:16,581 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,581 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,581 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,581 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,581 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,581 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11453
[ 2019-08-21 15:11:16,581 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,581 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,582 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,582 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,582 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,582 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11451
[ 2019-08-21 15:11:16,582 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,582 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,582 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,582 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,582 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,582 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11449
[ 2019-08-21 15:11:16,582 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,583 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,583 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,583 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,583 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,583 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11447
[ 2019-08-21 15:11:16,583 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,583 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,583 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,584 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,584 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,584 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11445
[ 2019-08-21 15:11:16,584 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,584 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,584 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,584 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,584 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,584 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11443
[ 2019-08-21 15:11:16,584 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,585 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,585 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,585 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,585 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,585 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11441
[ 2019-08-21 15:11:16,585 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,585 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,585 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,585 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,585 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,585 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11439
[ 2019-08-21 15:11:16,586 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,588 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,589 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,589 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,589 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,589 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11437
[ 2019-08-21 15:11:16,589 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,589 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,589 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,590 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,590 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,590 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11435
[ 2019-08-21 15:11:16,590 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,590 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,590 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,591 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,591 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,591 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11433
[ 2019-08-21 15:11:16,591 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,591 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,591 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,592 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,592 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,592 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11431
[ 2019-08-21 15:11:16,592 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,592 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,592 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,592 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,592 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,593 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11429
[ 2019-08-21 15:11:16,593 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,593 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,593 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,593 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,593 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,593 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11427
[ 2019-08-21 15:11:16,593 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,593 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,593 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,593 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,594 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,594 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11425
[ 2019-08-21 15:11:16,594 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,594 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,594 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,594 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,594 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,594 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11423
[ 2019-08-21 15:11:16,594 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,594 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,594 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,595 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,595 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,595 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11421
[ 2019-08-21 15:11:16,595 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,595 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,595 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,595 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,595 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,595 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11419
[ 2019-08-21 15:11:16,595 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,595 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,595 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,596 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,596 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,596 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11417
[ 2019-08-21 15:11:16,596 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,596 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,596 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,597 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,599 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,600 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11415
[ 2019-08-21 15:11:16,600 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,600 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,600 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,600 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,601 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,601 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11413
[ 2019-08-21 15:11:16,601 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,601 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,601 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,601 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,601 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,601 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11411
[ 2019-08-21 15:11:16,602 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,602 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,602 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,602 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,602 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,602 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11409
[ 2019-08-21 15:11:16,602 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,602 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,602 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,603 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,603 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,603 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11407
[ 2019-08-21 15:11:16,603 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,603 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,603 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,603 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,603 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,603 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11405
[ 2019-08-21 15:11:16,603 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,604 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,604 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,604 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,604 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,604 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11403
[ 2019-08-21 15:11:16,604 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,604 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,604 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,604 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,604 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,604 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11401
[ 2019-08-21 15:11:16,605 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,605 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,605 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,605 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,605 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,605 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11399
[ 2019-08-21 15:11:16,605 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,605 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,605 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,605 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,605 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,606 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11397
[ 2019-08-21 15:11:16,606 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,606 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,606 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,606 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,606 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,606 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11395
[ 2019-08-21 15:11:16,606 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,606 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,606 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,606 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,607 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,607 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11393
[ 2019-08-21 15:11:16,607 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,607 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,607 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,607 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,607 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,607 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11391
[ 2019-08-21 15:11:16,607 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,607 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,607 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,608 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,610 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,611 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11389
[ 2019-08-21 15:11:16,611 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,611 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,611 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,611 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,611 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,611 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11387
[ 2019-08-21 15:11:16,611 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,612 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,612 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,612 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,612 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,612 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11385
[ 2019-08-21 15:11:16,612 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,612 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,612 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,612 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,612 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,612 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11383
[ 2019-08-21 15:11:16,613 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,613 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,613 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,613 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,613 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,613 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11381
[ 2019-08-21 15:11:16,613 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,613 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,613 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,613 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,614 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,614 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11379
[ 2019-08-21 15:11:16,614 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,614 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,614 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,614 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,614 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,614 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11377
[ 2019-08-21 15:11:16,614 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,614 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,614 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,614 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,615 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,615 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11375
[ 2019-08-21 15:11:16,615 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,615 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,615 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,615 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,615 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,615 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11373
[ 2019-08-21 15:11:16,615 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,615 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,615 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,616 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,616 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,616 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11371
[ 2019-08-21 15:11:16,616 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,616 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,616 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,616 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,616 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,616 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11369
[ 2019-08-21 15:11:16,617 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,617 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,617 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,617 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,617 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,617 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11367
[ 2019-08-21 15:11:16,617 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,617 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,617 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,617 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,618 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,618 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11365
[ 2019-08-21 15:11:16,618 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,618 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,618 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,618 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,618 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,618 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11363
[ 2019-08-21 15:11:16,618 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,618 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,618 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,618 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,621 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,622 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11361
[ 2019-08-21 15:11:16,622 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,622 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,622 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,622 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,622 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,623 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11359
[ 2019-08-21 15:11:16,623 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,623 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,623 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,623 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,623 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,623 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11357
[ 2019-08-21 15:11:16,623 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,623 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,624 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,624 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,624 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,624 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11355
[ 2019-08-21 15:11:16,624 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,624 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,624 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,624 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,624 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,624 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11353
[ 2019-08-21 15:11:16,624 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,625 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,625 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,625 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,625 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,625 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11351
[ 2019-08-21 15:11:16,625 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,625 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,625 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,625 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,625 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,625 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11349
[ 2019-08-21 15:11:16,625 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,626 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,626 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,626 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,626 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,626 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11347
[ 2019-08-21 15:11:16,626 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,626 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,626 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,626 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,626 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,626 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11345
[ 2019-08-21 15:11:16,627 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,627 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,627 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,627 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,627 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,627 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11343
[ 2019-08-21 15:11:16,627 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,627 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,627 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,627 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,627 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,628 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11341
[ 2019-08-21 15:11:16,628 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,628 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,628 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,628 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,628 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,628 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11339
[ 2019-08-21 15:11:16,628 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,628 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,628 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,629 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,629 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,629 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11337
[ 2019-08-21 15:11:16,629 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,629 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,629 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,629 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,629 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,629 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11335
[ 2019-08-21 15:11:16,629 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,629 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,629 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,632 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,633 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,633 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11333
[ 2019-08-21 15:11:16,633 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,633 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,633 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,634 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,634 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,634 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11331
[ 2019-08-21 15:11:16,634 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,634 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,634 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,635 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,635 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,635 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11329
[ 2019-08-21 15:11:16,635 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,635 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,635 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,635 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,636 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,636 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11327
[ 2019-08-21 15:11:16,636 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,636 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,636 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,636 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,637 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,637 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11325
[ 2019-08-21 15:11:16,637 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,637 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,637 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,637 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,637 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,637 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11323
[ 2019-08-21 15:11:16,637 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,637 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,637 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,638 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,638 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,638 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11321
[ 2019-08-21 15:11:16,638 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,638 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,638 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,638 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,638 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,638 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11319
[ 2019-08-21 15:11:16,638 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,638 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,639 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,639 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,639 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,639 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11317
[ 2019-08-21 15:11:16,639 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,639 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,639 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,639 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,639 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,639 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11315
[ 2019-08-21 15:11:16,639 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,640 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,640 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,640 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,640 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,640 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11313
[ 2019-08-21 15:11:16,640 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,640 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,640 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,640 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,640 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,640 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11311
[ 2019-08-21 15:11:16,640 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,643 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,644 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,644 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,644 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,644 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11309
[ 2019-08-21 15:11:16,644 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,644 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,645 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,645 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,645 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,645 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11307
[ 2019-08-21 15:11:16,645 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,645 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,645 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,646 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,646 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,646 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11305
[ 2019-08-21 15:11:16,646 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,646 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,646 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,646 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,647 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,647 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11303
[ 2019-08-21 15:11:16,647 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,647 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,647 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,647 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,647 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,647 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11301
[ 2019-08-21 15:11:16,647 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,647 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,647 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,648 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,648 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,648 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11299
[ 2019-08-21 15:11:16,648 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,648 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,648 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,648 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,648 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,648 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11297
[ 2019-08-21 15:11:16,648 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,648 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,648 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,649 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,649 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,649 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11295
[ 2019-08-21 15:11:16,649 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,649 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,649 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,649 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,649 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,649 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11293
[ 2019-08-21 15:11:16,649 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,650 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,650 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,650 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,650 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,650 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11291
[ 2019-08-21 15:11:16,650 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,650 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,650 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,651 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,651 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,651 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11289
[ 2019-08-21 15:11:16,651 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,651 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,651 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,651 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,651 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,651 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11287
[ 2019-08-21 15:11:16,651 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,651 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,651 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,654 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,655 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,655 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11285
[ 2019-08-21 15:11:16,655 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,655 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,655 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,655 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,655 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,655 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11283
[ 2019-08-21 15:11:16,655 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,655 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,655 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,655 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,656 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,656 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11281
[ 2019-08-21 15:11:16,656 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,656 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,656 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,656 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,656 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,656 ] [ DEBUG ] [ infer:130 ]  Partial infer for 11279
[ 2019-08-21 15:11:16,657 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,657 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,657 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,657 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,657 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,657 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_89/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,658 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,658 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,658 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,658 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,658 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,658 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_88/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,658 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,659 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,659 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,659 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,659 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,659 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_87/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,659 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,659 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,660 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,660 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,660 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,660 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_86/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,660 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,660 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,660 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,660 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,660 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,661 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_85/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,661 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,661 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,661 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,661 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,661 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,661 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_84/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,661 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,661 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,661 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,662 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,662 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,662 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_83/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,662 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,662 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,662 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,662 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,662 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,662 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_82/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,662 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,663 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,666 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,666 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,666 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,666 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_81/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,666 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,667 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,667 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,667 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,667 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,667 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_80/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,667 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,668 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,668 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,668 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,668 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,668 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_79/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,668 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,668 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,668 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,669 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,669 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,669 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_78/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,669 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,669 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,669 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,669 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,669 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,669 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_77/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,669 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,670 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,670 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,670 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,670 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,670 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_76/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,670 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,670 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,670 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,670 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,671 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,671 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_75/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,671 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,671 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,671 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,671 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,671 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,671 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_74/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,671 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,671 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,671 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,672 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,672 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,672 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_73/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,672 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,672 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,672 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,672 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,672 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,672 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_72/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,672 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,673 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,673 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,673 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,673 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,673 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_71/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,673 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,673 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,673 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,674 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,676 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,676 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_70/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,677 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,677 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,677 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,677 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,677 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,677 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_69/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,677 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,677 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,677 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,678 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,678 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,678 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_68/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,678 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,678 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,678 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,678 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,678 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,678 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_67/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,679 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,679 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,679 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,679 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,679 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,679 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_66/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,679 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,680 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,680 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,680 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,680 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,680 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_65/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,680 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,680 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,680 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,681 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,681 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,681 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_64/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,681 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,681 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,681 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,681 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,681 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,681 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_63/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,682 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,682 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,682 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,682 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,682 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,682 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_62/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,682 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,682 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,682 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,683 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,683 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,683 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_61/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,683 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,683 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,683 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,683 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,684 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,684 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_60/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,684 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,684 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,684 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,685 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,687 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,687 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_59/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,688 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,688 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,688 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,688 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,688 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,688 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_58/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,688 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,688 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,688 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,689 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,689 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,689 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_57/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,689 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,689 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,689 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,690 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,690 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,690 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_56/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,690 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,690 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,690 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,691 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,691 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,691 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_55/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,691 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,691 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,691 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,692 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,692 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,692 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_54/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,692 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,692 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,692 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,692 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,692 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,693 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_53/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,693 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,693 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,693 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,693 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,693 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,693 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_52/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,693 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,693 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,693 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,694 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,694 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,694 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_51/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,694 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,694 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,694 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,694 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,694 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,694 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_50/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,694 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,695 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,695 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,695 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,695 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,695 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_49/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,695 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,695 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,695 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,695 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,696 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,698 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_48/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,698 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,699 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,699 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,699 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,699 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,699 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_47/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,699 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,699 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,700 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,700 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,700 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,700 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_46/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,700 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,700 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,700 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,701 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,701 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,701 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_45/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,701 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,701 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,701 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,701 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,701 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,701 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_44/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,701 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,702 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,702 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,702 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,702 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,702 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_43/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,702 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,702 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,702 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,702 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,703 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,703 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_42/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,703 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,703 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,703 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,703 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,703 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,703 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_41/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,703 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,703 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,703 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,704 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,704 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,704 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_40/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,704 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,704 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,704 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,704 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,704 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,704 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_39/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,704 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,705 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,705 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,705 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,705 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,705 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_38/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,705 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,705 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,705 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,706 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,706 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,706 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_37/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,706 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,706 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,706 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,706 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,706 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,706 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_36/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,707 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,709 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,710 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,710 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,710 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,710 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_35/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,710 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,710 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,710 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,710 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,711 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,711 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_34/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,711 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,711 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,711 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,711 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,712 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,712 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_33/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,712 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,712 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,712 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,712 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,713 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,713 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_32/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,713 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,713 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,713 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,714 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,714 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,714 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_31/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,714 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,714 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,714 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,714 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,714 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,714 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_30/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,715 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,715 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,715 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,715 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,715 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,715 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_29/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,715 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,715 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,715 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,715 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,716 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,716 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_28/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,716 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,716 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,716 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,716 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,716 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,717 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_27/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,717 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,717 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,717 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,717 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,718 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,720 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_26/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,720 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,721 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,721 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,721 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,721 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,721 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_25/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,721 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,721 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,721 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,721 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,722 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,722 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_24/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,722 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,722 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,722 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,722 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,723 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,723 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_23/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,723 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,723 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,723 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,723 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,724 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,724 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_22/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,724 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,724 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,724 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,725 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,725 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,725 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_21/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,725 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,725 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,725 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,726 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,726 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,726 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_20/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,726 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,726 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,726 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,726 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,726 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,727 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_19/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,727 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,727 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,727 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,727 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,727 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,727 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_18/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,727 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,727 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,727 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,728 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,728 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,728 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_17/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,728 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,728 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,728 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,728 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,728 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,728 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_16/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,728 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,729 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,731 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,731 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,732 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,732 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_15/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,732 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,732 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,732 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,732 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,732 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,732 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_14/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,732 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,733 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,733 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,733 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,733 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,733 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_13/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,733 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,734 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,734 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,734 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,734 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,734 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_12/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,734 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,735 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,735 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,735 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,735 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,735 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_11/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,735 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,735 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,735 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,736 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,736 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,736 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_10/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,736 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,736 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,736 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,736 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,736 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,736 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_9/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,737 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,737 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,737 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,737 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,737 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,737 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_8/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,737 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,737 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,737 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,737 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,738 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,738 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_7/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,738 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,738 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,738 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,738 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,738 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,738 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_6/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,738 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,738 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,739 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,739 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,739 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,739 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_5/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,739 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,739 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,739 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,739 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,740 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,742 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_4/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,743 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,743 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,743 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,743 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,743 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,743 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_3/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,744 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,744 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,744 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,744 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,744 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,744 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_2/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,744 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,745 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,745 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,745 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,745 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,745 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow_1/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,745 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,745 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,745 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,745 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,746 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,746 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,746 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,746 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,746 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,746 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,746 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,746 ] [ DEBUG ] [ infer:130 ]  Partial infer for Squeeze_3/Dims
[ 2019-08-21 15:11:16,746 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,746 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,746 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,747 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,747 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,747 ] [ DEBUG ] [ infer:130 ]  Partial infer for Squeeze_2/Dims
[ 2019-08-21 15:11:16,747 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,747 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,747 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,747 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,747 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,747 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/ClipToWindow/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,748 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,748 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,748 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,748 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,748 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,748 ] [ DEBUG ] [ infer:130 ]  Partial infer for Squeeze_1/Dims
[ 2019-08-21 15:11:16,748 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,748 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,748 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,749 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [2]
[ 2019-08-21 15:11:16,749 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,749 ] [ DEBUG ] [ infer:130 ]  Partial infer for ClipToWindow/Area/Squeeze/Dims
[ 2019-08-21 15:11:16,749 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,749 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,749 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,749 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,749 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,749 ] [ DEBUG ] [ infer:130 ]  Partial infer for Squeeze/Dims
[ 2019-08-21 15:11:16,750 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,750 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,750 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,750 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [2]
[ 2019-08-21 15:11:16,750 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,750 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/Squeeze/Dims
[ 2019-08-21 15:11:16,750 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,753 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,753 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,754 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,754 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,754 ] [ DEBUG ] [ infer:130 ]  Partial infer for add/y
[ 2019-08-21 15:11:16,754 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,754 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,754 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,754 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1.0
[ 2019-08-21 15:11:16,754 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,754 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayStack_4/range/delta
[ 2019-08-21 15:11:16,755 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,755 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,755 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,755 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,755 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,755 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayStack_4/range/start
[ 2019-08-21 15:11:16,756 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,756 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,756 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,756 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,756 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,756 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayStack_2/range/delta
[ 2019-08-21 15:11:16,756 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,757 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,757 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,757 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,757 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,757 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayStack_2/range/start
[ 2019-08-21 15:11:16,757 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,757 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,758 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,758 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,758 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,758 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayStack_1/range/delta
[ 2019-08-21 15:11:16,758 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,758 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,758 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,758 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,758 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,758 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayStack_1/range/start
[ 2019-08-21 15:11:16,758 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,759 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,759 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,759 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,759 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,759 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayStack/range/delta
[ 2019-08-21 15:11:16,759 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,759 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,759 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,759 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,759 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,759 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayStack/range/start
[ 2019-08-21 15:11:16,760 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,760 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,760 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,760 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:16,760 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,760 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_89/shape
[ 2019-08-21 15:11:16,760 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,760 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,760 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,760 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,761 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,761 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_89/begin
[ 2019-08-21 15:11:16,761 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,761 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,761 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,761 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 89]
[ 2019-08-21 15:11:16,761 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,761 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_89/1
[ 2019-08-21 15:11:16,761 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,762 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,764 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,765 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,765 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,765 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_89/ExpandDims_1162012508
[ 2019-08-21 15:11:16,765 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,766 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,766 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,766 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,766 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,766 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,766 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,767 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_88/shape
[ 2019-08-21 15:11:16,767 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,767 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,767 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,767 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,768 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,768 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_88/begin
[ 2019-08-21 15:11:16,768 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,768 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,768 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,769 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 88]
[ 2019-08-21 15:11:16,769 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,769 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_88/1
[ 2019-08-21 15:11:16,769 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,769 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,769 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,770 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,770 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,770 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_88/ExpandDims_1173312674
[ 2019-08-21 15:11:16,770 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,771 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,771 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,771 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,771 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,771 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,772 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,772 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_87/shape
[ 2019-08-21 15:11:16,772 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,772 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,772 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,772 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,772 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,772 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_87/begin
[ 2019-08-21 15:11:16,772 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,773 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,775 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,776 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 87]
[ 2019-08-21 15:11:16,776 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,776 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_87/1
[ 2019-08-21 15:11:16,776 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,776 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,776 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,776 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,776 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,776 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_87/ExpandDims_1218013344
[ 2019-08-21 15:11:16,777 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,777 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,777 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,778 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,778 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,778 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,778 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,778 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_86/shape
[ 2019-08-21 15:11:16,778 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,779 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,779 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,779 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,779 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,779 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_86/begin
[ 2019-08-21 15:11:16,779 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,779 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,780 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,780 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 86]
[ 2019-08-21 15:11:16,780 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,780 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_86/1
[ 2019-08-21 15:11:16,780 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,780 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,780 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,781 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,781 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,781 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_86/ExpandDims_1201413096
[ 2019-08-21 15:11:16,781 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,781 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,782 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,782 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,782 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,782 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,782 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,782 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_85/shape
[ 2019-08-21 15:11:16,782 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,782 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,782 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,783 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,783 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,783 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_85/begin
[ 2019-08-21 15:11:16,783 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,783 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,783 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,783 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 85]
[ 2019-08-21 15:11:16,784 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,787 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_85/1
[ 2019-08-21 15:11:16,787 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,787 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,787 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,787 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,787 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,787 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_85/ExpandDims_1154712398
[ 2019-08-21 15:11:16,787 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,788 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,788 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,788 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,788 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,788 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,788 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,788 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_84/shape
[ 2019-08-21 15:11:16,788 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,788 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,788 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,789 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,789 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,789 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_84/begin
[ 2019-08-21 15:11:16,789 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,789 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,789 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,790 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 84]
[ 2019-08-21 15:11:16,790 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,790 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_84/1
[ 2019-08-21 15:11:16,790 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,790 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,790 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,790 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,791 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,791 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_84/ExpandDims_1222013404
[ 2019-08-21 15:11:16,791 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,791 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,792 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,792 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,792 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,792 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,792 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,792 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_83/shape
[ 2019-08-21 15:11:16,792 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,792 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,792 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,792 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,793 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,793 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_83/begin
[ 2019-08-21 15:11:16,793 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,793 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,793 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,793 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 83]
[ 2019-08-21 15:11:16,793 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,794 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_83/1
[ 2019-08-21 15:11:16,794 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,794 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,794 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,794 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,794 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,794 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_83/ExpandDims_1193112972
[ 2019-08-21 15:11:16,794 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,795 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,798 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,798 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,798 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,799 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,799 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,799 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_82/shape
[ 2019-08-21 15:11:16,799 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,800 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,800 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,800 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,800 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,801 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_82/begin
[ 2019-08-21 15:11:16,801 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,801 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,801 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,801 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 82]
[ 2019-08-21 15:11:16,801 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,802 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_82/1
[ 2019-08-21 15:11:16,802 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,802 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,802 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,802 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,802 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,802 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_82/ExpandDims_1177312732
[ 2019-08-21 15:11:16,802 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,803 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,803 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,804 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,804 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,804 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,804 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,804 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_81/shape
[ 2019-08-21 15:11:16,804 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,804 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,804 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,804 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,805 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,805 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_81/begin
[ 2019-08-21 15:11:16,805 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,805 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,805 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,805 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 81]
[ 2019-08-21 15:11:16,805 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,805 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_81/1
[ 2019-08-21 15:11:16,805 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,805 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,806 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,806 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,806 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,806 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_81/ExpandDims_1166112568
[ 2019-08-21 15:11:16,806 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,807 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,809 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,810 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,810 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,810 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,810 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,810 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_80/shape
[ 2019-08-21 15:11:16,810 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,810 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,810 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,810 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,811 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,811 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_80/begin
[ 2019-08-21 15:11:16,811 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,811 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,811 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,811 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 80]
[ 2019-08-21 15:11:16,812 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,812 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_80/1
[ 2019-08-21 15:11:16,812 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,812 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,812 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,812 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,813 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,813 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_80/ExpandDims_1227913494
[ 2019-08-21 15:11:16,813 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,813 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,814 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,814 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,814 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,814 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,814 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,814 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_79/shape
[ 2019-08-21 15:11:16,815 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,815 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,815 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,815 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,815 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,815 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_79/begin
[ 2019-08-21 15:11:16,815 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,816 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,816 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,816 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 79]
[ 2019-08-21 15:11:16,816 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,816 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_79/1
[ 2019-08-21 15:11:16,816 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,816 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,816 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,817 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,817 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,817 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_79/ExpandDims_1194812996
[ 2019-08-21 15:11:16,817 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,817 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,818 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,821 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,821 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,821 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,821 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,821 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_78/shape
[ 2019-08-21 15:11:16,821 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,821 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,822 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,822 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,822 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,822 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_78/begin
[ 2019-08-21 15:11:16,822 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,822 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,822 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,823 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 78]
[ 2019-08-21 15:11:16,823 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,823 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_78/1
[ 2019-08-21 15:11:16,823 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,823 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,823 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,823 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,824 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,824 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_78/ExpandDims_1212813268
[ 2019-08-21 15:11:16,824 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,824 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,824 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,825 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,825 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,825 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,825 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,825 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_77/shape
[ 2019-08-21 15:11:16,825 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,825 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,825 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,825 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,826 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,826 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_77/begin
[ 2019-08-21 15:11:16,826 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,826 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,826 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,826 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 77]
[ 2019-08-21 15:11:16,826 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,826 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_77/1
[ 2019-08-21 15:11:16,826 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,826 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,826 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,827 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,827 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,827 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_77/ExpandDims_1199513068
[ 2019-08-21 15:11:16,827 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,828 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,828 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,828 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,828 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,828 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,828 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,829 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_76/shape
[ 2019-08-21 15:11:16,831 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,832 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,832 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,832 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,833 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,833 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_76/begin
[ 2019-08-21 15:11:16,833 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,833 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,833 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,834 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 76]
[ 2019-08-21 15:11:16,834 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,834 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_76/1
[ 2019-08-21 15:11:16,834 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,834 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,834 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,835 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,835 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,835 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_76/ExpandDims_1216113316
[ 2019-08-21 15:11:16,835 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,836 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,836 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,836 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,836 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,836 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,837 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,837 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_75/shape
[ 2019-08-21 15:11:16,837 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,837 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,837 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,837 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,837 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,837 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_75/begin
[ 2019-08-21 15:11:16,838 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,838 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,838 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,838 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 75]
[ 2019-08-21 15:11:16,838 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,838 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_75/1
[ 2019-08-21 15:11:16,838 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,838 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,839 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,839 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,839 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,839 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_75/ExpandDims_1165812564
[ 2019-08-21 15:11:16,839 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,840 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,842 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,843 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,843 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,843 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,843 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,843 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_74/shape
[ 2019-08-21 15:11:16,843 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,843 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,843 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,844 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,844 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,844 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_74/begin
[ 2019-08-21 15:11:16,844 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,844 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,844 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,845 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 74]
[ 2019-08-21 15:11:16,845 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,845 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_74/1
[ 2019-08-21 15:11:16,845 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,845 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,845 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,846 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,846 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,846 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_74/ExpandDims_1164612548
[ 2019-08-21 15:11:16,846 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,847 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,847 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,847 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,847 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,847 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,848 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,848 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_73/shape
[ 2019-08-21 15:11:16,848 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,848 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,848 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,848 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,848 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,848 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_73/begin
[ 2019-08-21 15:11:16,848 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,848 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,849 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,849 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 73]
[ 2019-08-21 15:11:16,849 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,849 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_73/1
[ 2019-08-21 15:11:16,849 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,849 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,849 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,849 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,850 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,850 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_73/ExpandDims_1210013228
[ 2019-08-21 15:11:16,850 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,850 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,850 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,854 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,854 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,854 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,854 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,854 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_72/shape
[ 2019-08-21 15:11:16,855 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,855 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,855 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,855 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,855 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,856 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_72/begin
[ 2019-08-21 15:11:16,856 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,856 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,856 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,856 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 72]
[ 2019-08-21 15:11:16,856 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,856 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_72/1
[ 2019-08-21 15:11:16,857 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,857 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,857 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,857 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,857 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,857 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_72/ExpandDims_1153312378
[ 2019-08-21 15:11:16,857 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,858 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,858 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,858 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,858 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,858 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,858 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,858 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_71/shape
[ 2019-08-21 15:11:16,858 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,859 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,859 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,859 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,859 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,859 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_71/begin
[ 2019-08-21 15:11:16,859 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,859 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,859 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,859 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 71]
[ 2019-08-21 15:11:16,860 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,860 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_71/1
[ 2019-08-21 15:11:16,860 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,860 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,860 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,860 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,860 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,860 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_71/ExpandDims_1210313232
[ 2019-08-21 15:11:16,860 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,861 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,861 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,861 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,861 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,861 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,861 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,862 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_70/shape
[ 2019-08-21 15:11:16,864 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,865 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,865 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,865 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,865 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,865 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_70/begin
[ 2019-08-21 15:11:16,865 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,865 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,866 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,866 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 70]
[ 2019-08-21 15:11:16,867 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,867 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_70/1
[ 2019-08-21 15:11:16,867 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,867 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,867 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,867 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,868 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,868 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_70/ExpandDims_1165212556
[ 2019-08-21 15:11:16,868 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,868 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,869 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,869 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,869 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,869 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,869 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,870 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_69/shape
[ 2019-08-21 15:11:16,870 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,870 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,870 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,870 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,870 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,870 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_69/begin
[ 2019-08-21 15:11:16,871 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,871 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,871 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,871 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 69]
[ 2019-08-21 15:11:16,871 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,871 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_69/1
[ 2019-08-21 15:11:16,871 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,871 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,871 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,871 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,872 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,872 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_69/ExpandDims_1227313486
[ 2019-08-21 15:11:16,872 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,872 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,872 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,873 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,875 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,876 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,876 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,876 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_68/shape
[ 2019-08-21 15:11:16,876 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,876 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,876 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,876 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,877 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,877 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_68/begin
[ 2019-08-21 15:11:16,877 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,877 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,877 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,877 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 68]
[ 2019-08-21 15:11:16,878 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,878 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_68/1
[ 2019-08-21 15:11:16,878 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,878 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,878 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,878 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,879 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,879 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_68/ExpandDims_1210613236
[ 2019-08-21 15:11:16,879 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,880 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,880 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,880 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,880 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,880 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,880 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,881 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_67/shape
[ 2019-08-21 15:11:16,881 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,881 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,881 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,881 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,881 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,881 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_67/begin
[ 2019-08-21 15:11:16,881 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,882 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,882 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,882 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 67]
[ 2019-08-21 15:11:16,882 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,882 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_67/1
[ 2019-08-21 15:11:16,882 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,882 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,882 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,882 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,882 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,883 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_67/ExpandDims_1180412780
[ 2019-08-21 15:11:16,883 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,883 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,884 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,887 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,887 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,887 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,887 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,887 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_66/shape
[ 2019-08-21 15:11:16,887 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,887 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,888 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,888 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,888 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,888 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_66/begin
[ 2019-08-21 15:11:16,888 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,889 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,889 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,889 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 66]
[ 2019-08-21 15:11:16,889 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,889 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_66/1
[ 2019-08-21 15:11:16,889 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,889 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,890 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,890 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,890 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,890 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_66/ExpandDims_1149412318
[ 2019-08-21 15:11:16,890 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,891 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,891 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,891 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,892 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,892 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,892 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,892 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_65/shape
[ 2019-08-21 15:11:16,892 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,892 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,892 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,892 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,893 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,893 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_65/begin
[ 2019-08-21 15:11:16,893 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,893 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,893 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,893 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 65]
[ 2019-08-21 15:11:16,893 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,893 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_65/1
[ 2019-08-21 15:11:16,893 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,893 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,893 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,894 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,894 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,894 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_65/ExpandDims_1148612306
[ 2019-08-21 15:11:16,894 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,894 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,895 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,897 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,898 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,898 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,898 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,898 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_64/shape
[ 2019-08-21 15:11:16,898 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,898 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,898 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,899 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,899 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,899 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_64/begin
[ 2019-08-21 15:11:16,899 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,899 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,899 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,900 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 64]
[ 2019-08-21 15:11:16,900 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,900 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_64/1
[ 2019-08-21 15:11:16,900 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,900 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,901 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,901 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,901 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,901 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_64/ExpandDims_1148312302
[ 2019-08-21 15:11:16,901 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,902 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,902 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,902 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,902 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,902 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,903 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,903 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_63/shape
[ 2019-08-21 15:11:16,903 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,903 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,903 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,903 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,903 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,903 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_63/begin
[ 2019-08-21 15:11:16,903 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,904 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,904 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,904 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 63]
[ 2019-08-21 15:11:16,904 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,904 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_63/1
[ 2019-08-21 15:11:16,904 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,904 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,904 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,904 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,904 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,905 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_63/ExpandDims_1201113092
[ 2019-08-21 15:11:16,905 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,905 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,905 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,905 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,905 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,906 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,908 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,909 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_62/shape
[ 2019-08-21 15:11:16,909 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,909 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,909 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,909 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,910 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,910 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_62/begin
[ 2019-08-21 15:11:16,910 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,910 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,910 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,910 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 62]
[ 2019-08-21 15:11:16,911 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,911 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_62/1
[ 2019-08-21 15:11:16,911 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,911 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,911 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,911 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,911 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,911 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_62/ExpandDims_1191812952
[ 2019-08-21 15:11:16,911 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,912 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,912 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,912 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,912 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,913 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,913 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,913 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_61/shape
[ 2019-08-21 15:11:16,913 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,913 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,913 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,913 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,913 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,913 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_61/begin
[ 2019-08-21 15:11:16,913 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,914 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,914 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,914 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 61]
[ 2019-08-21 15:11:16,914 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,914 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_61/1
[ 2019-08-21 15:11:16,914 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,914 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,914 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,914 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,915 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,915 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_61/ExpandDims_1172712666
[ 2019-08-21 15:11:16,915 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,915 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,915 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,916 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,916 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,916 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,916 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,916 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_60/shape
[ 2019-08-21 15:11:16,916 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,916 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,916 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,917 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,920 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,920 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_60/begin
[ 2019-08-21 15:11:16,920 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,920 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,920 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,921 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 60]
[ 2019-08-21 15:11:16,921 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,921 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_60/1
[ 2019-08-21 15:11:16,921 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,921 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,921 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,921 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,922 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,922 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_60/ExpandDims_1199813072
[ 2019-08-21 15:11:16,922 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,923 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,923 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,923 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,923 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,923 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,923 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,924 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_59/shape
[ 2019-08-21 15:11:16,924 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,924 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,924 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,924 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,924 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,924 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_59/begin
[ 2019-08-21 15:11:16,924 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,925 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,925 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,925 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 59]
[ 2019-08-21 15:11:16,925 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,925 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_59/1
[ 2019-08-21 15:11:16,925 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,925 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,925 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,925 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,926 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,926 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_59/ExpandDims_1160712488
[ 2019-08-21 15:11:16,926 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,926 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,927 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,927 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,927 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,927 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,927 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,927 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_58/shape
[ 2019-08-21 15:11:16,927 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,927 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,927 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,928 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,930 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,931 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_58/begin
[ 2019-08-21 15:11:16,931 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,931 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,931 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,931 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 58]
[ 2019-08-21 15:11:16,931 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,932 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_58/1
[ 2019-08-21 15:11:16,932 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,932 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,932 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,932 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,932 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,932 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_58/ExpandDims_1160412484
[ 2019-08-21 15:11:16,932 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,933 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,933 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,934 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,934 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,934 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,934 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,934 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_57/shape
[ 2019-08-21 15:11:16,934 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,935 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,935 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,935 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,935 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,935 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_57/begin
[ 2019-08-21 15:11:16,935 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,935 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,936 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,936 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 57]
[ 2019-08-21 15:11:16,936 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,936 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_57/1
[ 2019-08-21 15:11:16,936 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,936 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,936 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,936 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,937 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,937 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_57/ExpandDims_1151212346
[ 2019-08-21 15:11:16,937 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,937 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,938 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,938 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,938 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,938 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,938 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,938 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_56/shape
[ 2019-08-21 15:11:16,938 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,938 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,938 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,939 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,941 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,941 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_56/begin
[ 2019-08-21 15:11:16,942 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,942 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,942 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,942 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 56]
[ 2019-08-21 15:11:16,942 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,942 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_56/1
[ 2019-08-21 15:11:16,942 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,942 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,942 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,942 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,943 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,943 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_56/ExpandDims_1212213260
[ 2019-08-21 15:11:16,943 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,943 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,944 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,944 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,944 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,944 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,944 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,944 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_55/shape
[ 2019-08-21 15:11:16,944 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,945 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,945 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,945 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,945 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,945 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_55/begin
[ 2019-08-21 15:11:16,946 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,946 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,946 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,946 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 55]
[ 2019-08-21 15:11:16,946 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,946 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_55/1
[ 2019-08-21 15:11:16,946 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,947 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,947 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,947 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,947 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,947 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_55/ExpandDims_1197713040
[ 2019-08-21 15:11:16,947 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,948 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,948 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,948 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,948 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,948 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,948 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,948 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_54/shape
[ 2019-08-21 15:11:16,949 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,949 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,949 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,949 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,949 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,949 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_54/begin
[ 2019-08-21 15:11:16,949 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,949 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,949 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,950 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 54]
[ 2019-08-21 15:11:16,953 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,953 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_54/1
[ 2019-08-21 15:11:16,953 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,953 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,953 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,954 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,954 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,954 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_54/ExpandDims_1157512440
[ 2019-08-21 15:11:16,954 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,955 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,955 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,955 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,955 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,955 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,956 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,956 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_53/shape
[ 2019-08-21 15:11:16,956 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,956 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,956 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,957 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,957 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,957 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_53/begin
[ 2019-08-21 15:11:16,957 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,957 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,957 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,958 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 53]
[ 2019-08-21 15:11:16,958 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,958 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_53/1
[ 2019-08-21 15:11:16,958 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,958 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,958 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,958 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,958 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,958 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_53/ExpandDims_1217713340
[ 2019-08-21 15:11:16,959 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,959 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,959 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,959 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,959 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,960 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,960 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,960 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_52/shape
[ 2019-08-21 15:11:16,960 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,960 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,960 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,960 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,960 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,961 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_52/begin
[ 2019-08-21 15:11:16,961 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,961 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,961 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,961 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 52]
[ 2019-08-21 15:11:16,961 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,961 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_52/1
[ 2019-08-21 15:11:16,961 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,965 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,965 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,965 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,965 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,966 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_52/ExpandDims_1221713400
[ 2019-08-21 15:11:16,966 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,966 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,967 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,967 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,967 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,967 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,967 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,967 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_51/shape
[ 2019-08-21 15:11:16,968 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,968 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,968 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,968 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,968 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,968 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_51/begin
[ 2019-08-21 15:11:16,968 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,969 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,969 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,969 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 51]
[ 2019-08-21 15:11:16,969 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,969 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_51/1
[ 2019-08-21 15:11:16,969 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,969 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,969 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,969 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,970 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,970 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_51/ExpandDims_1205313156
[ 2019-08-21 15:11:16,970 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,970 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,971 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,971 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,971 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,971 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,971 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,971 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_50/shape
[ 2019-08-21 15:11:16,971 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,971 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,972 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,972 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,972 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,972 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_50/begin
[ 2019-08-21 15:11:16,972 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,972 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,972 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,972 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 50]
[ 2019-08-21 15:11:16,972 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,973 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_50/1
[ 2019-08-21 15:11:16,973 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,973 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,973 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,973 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,973 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,973 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_50/ExpandDims_1214513292
[ 2019-08-21 15:11:16,973 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,974 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,977 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,977 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,977 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,977 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,977 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,977 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_49/shape
[ 2019-08-21 15:11:16,978 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,978 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,978 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,978 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,978 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,978 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_49/begin
[ 2019-08-21 15:11:16,979 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,979 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,979 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,979 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 49]
[ 2019-08-21 15:11:16,979 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,979 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_49/1
[ 2019-08-21 15:11:16,979 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,980 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,980 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,980 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,980 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,980 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_49/ExpandDims_1187012880
[ 2019-08-21 15:11:16,980 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,981 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,981 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,981 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,981 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,981 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,981 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,981 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_48/shape
[ 2019-08-21 15:11:16,981 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,982 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,982 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,982 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,982 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,982 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_48/begin
[ 2019-08-21 15:11:16,982 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,982 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,982 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,982 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 48]
[ 2019-08-21 15:11:16,983 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,983 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_48/1
[ 2019-08-21 15:11:16,983 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,983 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,983 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,983 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,983 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,983 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_48/ExpandDims_1187312884
[ 2019-08-21 15:11:16,984 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,984 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,987 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,988 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,988 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,988 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,988 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,988 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_47/shape
[ 2019-08-21 15:11:16,988 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,988 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,989 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,989 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,989 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,989 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_47/begin
[ 2019-08-21 15:11:16,989 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,989 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,990 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,990 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 47]
[ 2019-08-21 15:11:16,990 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,990 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_47/1
[ 2019-08-21 15:11:16,990 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,990 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,990 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,991 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,991 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,991 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_47/ExpandDims_1205613160
[ 2019-08-21 15:11:16,991 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,992 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,992 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,992 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,992 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,992 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,992 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,992 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_46/shape
[ 2019-08-21 15:11:16,992 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,992 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,993 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,993 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,993 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,993 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_46/begin
[ 2019-08-21 15:11:16,993 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,993 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,993 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,993 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 46]
[ 2019-08-21 15:11:16,993 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,994 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_46/1
[ 2019-08-21 15:11:16,994 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,994 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,994 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,994 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,994 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,994 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_46/ExpandDims_1173612678
[ 2019-08-21 15:11:16,994 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:16,995 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,995 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:16,995 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:16,995 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,995 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:16,995 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,995 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_45/shape
[ 2019-08-21 15:11:16,995 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:16,996 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:16,999 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:16,999 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:16,999 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:16,999 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_45/begin
[ 2019-08-21 15:11:16,999 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,000 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,000 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,000 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 45]
[ 2019-08-21 15:11:17,000 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,000 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_45/1
[ 2019-08-21 15:11:17,001 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,001 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,001 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,001 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,001 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,001 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_45/ExpandDims_1194212988
[ 2019-08-21 15:11:17,001 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,002 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,002 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,002 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,003 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,003 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,003 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,003 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_44/shape
[ 2019-08-21 15:11:17,003 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,003 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,003 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,003 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,004 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,004 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_44/begin
[ 2019-08-21 15:11:17,004 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,004 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,004 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,004 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 44]
[ 2019-08-21 15:11:17,004 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,005 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_44/1
[ 2019-08-21 15:11:17,005 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,005 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,005 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,005 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,005 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,005 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_44/ExpandDims_1157812444
[ 2019-08-21 15:11:17,005 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,006 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,006 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,006 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,006 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,006 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,006 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,007 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_43/shape
[ 2019-08-21 15:11:17,007 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,007 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,007 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,007 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,007 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,010 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_43/begin
[ 2019-08-21 15:11:17,010 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,011 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,011 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,011 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 43]
[ 2019-08-21 15:11:17,011 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,011 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_43/1
[ 2019-08-21 15:11:17,011 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,011 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,011 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,012 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,012 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,012 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_43/ExpandDims_1171612650
[ 2019-08-21 15:11:17,012 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,013 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,013 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,013 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,013 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,013 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,014 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,014 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_42/shape
[ 2019-08-21 15:11:17,014 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,014 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,014 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,014 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,015 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,015 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_42/begin
[ 2019-08-21 15:11:17,015 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,015 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,015 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,015 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 42]
[ 2019-08-21 15:11:17,015 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,016 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_42/1
[ 2019-08-21 15:11:17,016 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,016 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,016 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,016 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,016 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,016 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_42/ExpandDims_1160112480
[ 2019-08-21 15:11:17,016 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,017 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,017 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,017 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,017 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,018 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,018 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,018 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_41/shape
[ 2019-08-21 15:11:17,018 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,018 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,019 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,021 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,022 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,022 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_41/begin
[ 2019-08-21 15:11:17,022 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,022 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,022 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,022 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 41]
[ 2019-08-21 15:11:17,022 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,022 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_41/1
[ 2019-08-21 15:11:17,022 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,022 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,023 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,023 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,023 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,023 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_41/ExpandDims_1170312630
[ 2019-08-21 15:11:17,023 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,024 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,024 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,024 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,025 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,025 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,025 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,025 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_40/shape
[ 2019-08-21 15:11:17,025 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,026 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,026 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,026 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,026 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,026 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_40/begin
[ 2019-08-21 15:11:17,026 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,027 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,027 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,027 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 40]
[ 2019-08-21 15:11:17,027 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,027 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_40/1
[ 2019-08-21 15:11:17,027 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,028 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,028 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,028 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,028 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,028 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_40/ExpandDims_1223513426
[ 2019-08-21 15:11:17,028 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,029 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,029 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,029 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,029 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,029 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,029 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,029 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_39/shape
[ 2019-08-21 15:11:17,029 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,030 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,032 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,033 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,033 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,034 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_39/begin
[ 2019-08-21 15:11:17,034 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,034 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,034 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,034 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 39]
[ 2019-08-21 15:11:17,035 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,035 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_39/1
[ 2019-08-21 15:11:17,035 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,035 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,035 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,035 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,036 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,036 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_39/ExpandDims_1163812536
[ 2019-08-21 15:11:17,036 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,037 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,037 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,037 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,037 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,037 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,037 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,037 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_38/shape
[ 2019-08-21 15:11:17,038 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,038 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,038 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,038 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,038 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,038 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_38/begin
[ 2019-08-21 15:11:17,038 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,038 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,038 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,039 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 38]
[ 2019-08-21 15:11:17,039 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,039 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_38/1
[ 2019-08-21 15:11:17,039 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,039 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,039 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,039 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,039 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,039 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_38/ExpandDims_1217413336
[ 2019-08-21 15:11:17,039 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,040 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,040 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,040 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,040 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,040 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,041 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,043 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_37/shape
[ 2019-08-21 15:11:17,044 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,044 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,044 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,044 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,044 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,044 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_37/begin
[ 2019-08-21 15:11:17,044 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,044 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,044 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,045 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 37]
[ 2019-08-21 15:11:17,045 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,045 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_37/1
[ 2019-08-21 15:11:17,045 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,045 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,045 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,045 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,046 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,046 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_37/ExpandDims_1220613384
[ 2019-08-21 15:11:17,046 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,047 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,047 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,047 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,047 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,047 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,048 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,048 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_36/shape
[ 2019-08-21 15:11:17,048 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,048 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,048 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,048 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,049 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,049 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_36/begin
[ 2019-08-21 15:11:17,049 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,049 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,049 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,049 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 36]
[ 2019-08-21 15:11:17,049 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,049 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_36/1
[ 2019-08-21 15:11:17,049 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,050 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,050 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,050 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,050 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,050 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_36/ExpandDims_1181812800
[ 2019-08-21 15:11:17,050 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,051 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,051 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,052 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,054 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,054 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,055 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,055 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_35/shape
[ 2019-08-21 15:11:17,055 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,055 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,055 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,055 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,055 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,056 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_35/begin
[ 2019-08-21 15:11:17,056 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,056 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,056 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,056 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 35]
[ 2019-08-21 15:11:17,056 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,057 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_35/1
[ 2019-08-21 15:11:17,057 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,057 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,057 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,057 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,057 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,057 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_35/ExpandDims_1176612722
[ 2019-08-21 15:11:17,058 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,058 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,058 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,058 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,059 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,059 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,059 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,059 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_34/shape
[ 2019-08-21 15:11:17,059 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,059 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,059 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,060 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,060 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,060 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_34/begin
[ 2019-08-21 15:11:17,060 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,060 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,060 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,060 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 34]
[ 2019-08-21 15:11:17,060 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,061 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_34/1
[ 2019-08-21 15:11:17,061 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,061 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,061 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,061 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,061 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,061 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_34/ExpandDims_1173912682
[ 2019-08-21 15:11:17,061 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,062 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,062 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,062 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,062 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,062 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,062 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,062 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_33/shape
[ 2019-08-21 15:11:17,062 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,063 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,066 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,066 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,066 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,066 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_33/begin
[ 2019-08-21 15:11:17,067 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,067 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,067 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,067 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 33]
[ 2019-08-21 15:11:17,067 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,068 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_33/1
[ 2019-08-21 15:11:17,068 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,068 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,068 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,068 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,068 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,068 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_33/ExpandDims_1168012596
[ 2019-08-21 15:11:17,069 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,069 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,069 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,070 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,070 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,070 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,070 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,070 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_32/shape
[ 2019-08-21 15:11:17,070 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,071 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,071 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,071 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,071 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,071 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_32/begin
[ 2019-08-21 15:11:17,071 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,071 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,071 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,072 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 32]
[ 2019-08-21 15:11:17,072 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,072 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_32/1
[ 2019-08-21 15:11:17,072 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,072 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,072 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,072 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,073 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,073 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_32/ExpandDims_1175812710
[ 2019-08-21 15:11:17,073 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,074 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,074 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,074 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,074 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,074 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,074 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,074 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_31/shape
[ 2019-08-21 15:11:17,075 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,078 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,078 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,078 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,078 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,078 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_31/begin
[ 2019-08-21 15:11:17,078 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,079 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,079 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,079 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 31]
[ 2019-08-21 15:11:17,079 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,079 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_31/1
[ 2019-08-21 15:11:17,079 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,080 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,080 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,080 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,080 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,080 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_31/ExpandDims_1195113000
[ 2019-08-21 15:11:17,080 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,081 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,081 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,081 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,081 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,081 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,081 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,081 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_30/shape
[ 2019-08-21 15:11:17,081 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,081 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,082 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,082 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,082 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,082 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_30/begin
[ 2019-08-21 15:11:17,082 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,082 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,082 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,082 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 30]
[ 2019-08-21 15:11:17,082 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,083 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_30/1
[ 2019-08-21 15:11:17,083 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,083 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,083 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,083 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,083 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,083 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_30/ExpandDims_1191512948
[ 2019-08-21 15:11:17,083 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,084 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,084 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,084 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,084 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,085 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,085 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,085 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_29/shape
[ 2019-08-21 15:11:17,085 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,085 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,085 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,085 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,085 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,085 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_29/begin
[ 2019-08-21 15:11:17,085 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,086 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,088 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,089 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 29]
[ 2019-08-21 15:11:17,089 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,089 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_29/1
[ 2019-08-21 15:11:17,089 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,089 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,090 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,090 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,090 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,090 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_29/ExpandDims_1153012374
[ 2019-08-21 15:11:17,090 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,091 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,091 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,091 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,091 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,091 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,091 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,092 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_28/shape
[ 2019-08-21 15:11:17,092 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,092 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,092 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,092 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,092 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,093 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_28/begin
[ 2019-08-21 15:11:17,093 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,093 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,093 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,093 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 28]
[ 2019-08-21 15:11:17,093 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,094 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_28/1
[ 2019-08-21 15:11:17,094 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,094 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,094 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,094 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,094 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,094 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_28/ExpandDims_1204013136
[ 2019-08-21 15:11:17,094 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,095 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,095 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,095 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,095 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,096 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,096 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,096 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_27/shape
[ 2019-08-21 15:11:17,096 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,096 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,096 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,096 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,096 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,096 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_27/begin
[ 2019-08-21 15:11:17,096 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,097 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,100 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,100 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 27]
[ 2019-08-21 15:11:17,100 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,100 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_27/1
[ 2019-08-21 15:11:17,101 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,101 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,101 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,101 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,101 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,101 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_27/ExpandDims_1210913240
[ 2019-08-21 15:11:17,101 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,102 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,102 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,102 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,103 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,103 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,103 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,103 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_26/shape
[ 2019-08-21 15:11:17,103 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,103 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,104 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,104 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,104 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,104 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_26/begin
[ 2019-08-21 15:11:17,104 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,104 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,105 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,105 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 26]
[ 2019-08-21 15:11:17,105 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,105 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_26/1
[ 2019-08-21 15:11:17,105 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,105 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,105 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,105 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,106 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,106 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_26/ExpandDims_1213713280
[ 2019-08-21 15:11:17,106 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,106 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,106 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,107 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,107 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,107 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,107 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,107 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_25/shape
[ 2019-08-21 15:11:17,107 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,107 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,107 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,107 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,108 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,108 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_25/begin
[ 2019-08-21 15:11:17,108 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,108 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,108 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,108 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 25]
[ 2019-08-21 15:11:17,108 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,108 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_25/1
[ 2019-08-21 15:11:17,108 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,112 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,112 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,113 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,113 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,113 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_25/ExpandDims_1178112744
[ 2019-08-21 15:11:17,113 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,114 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,114 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,114 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,114 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,115 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,115 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,115 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_24/shape
[ 2019-08-21 15:11:17,115 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,115 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,115 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,116 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,116 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,116 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_24/begin
[ 2019-08-21 15:11:17,116 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,116 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,116 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,116 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 24]
[ 2019-08-21 15:11:17,117 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,117 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_24/1
[ 2019-08-21 15:11:17,117 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,117 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,117 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,117 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,117 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,117 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_24/ExpandDims_1169512618
[ 2019-08-21 15:11:17,117 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,118 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,118 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,118 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,118 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,119 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,119 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,119 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_23/shape
[ 2019-08-21 15:11:17,119 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,119 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,119 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,119 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,119 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,119 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_23/begin
[ 2019-08-21 15:11:17,119 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,120 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,120 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,120 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 23]
[ 2019-08-21 15:11:17,120 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,120 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_23/1
[ 2019-08-21 15:11:17,120 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,120 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,120 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,120 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,120 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,121 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_23/ExpandDims_1173012670
[ 2019-08-21 15:11:17,123 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,124 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,124 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,124 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,125 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,125 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,125 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,125 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_22/shape
[ 2019-08-21 15:11:17,125 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,125 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,126 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,126 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,126 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,126 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_22/begin
[ 2019-08-21 15:11:17,126 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,127 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,127 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,127 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 22]
[ 2019-08-21 15:11:17,127 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,127 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_22/1
[ 2019-08-21 15:11:17,127 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,127 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,128 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,128 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,128 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,128 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_22/ExpandDims_1183912832
[ 2019-08-21 15:11:17,128 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,129 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,129 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,129 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,129 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,129 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,129 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,129 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_21/shape
[ 2019-08-21 15:11:17,129 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,129 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,130 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,130 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,130 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,130 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_21/begin
[ 2019-08-21 15:11:17,130 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,130 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,130 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,130 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 21]
[ 2019-08-21 15:11:17,130 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,131 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_21/1
[ 2019-08-21 15:11:17,131 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,131 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,131 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,131 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,131 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,131 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_21/ExpandDims_1166412572
[ 2019-08-21 15:11:17,131 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,132 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,135 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,135 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,135 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,135 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,135 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,136 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_20/shape
[ 2019-08-21 15:11:17,136 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,136 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,136 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,136 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,136 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,136 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_20/begin
[ 2019-08-21 15:11:17,136 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,136 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,136 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,137 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 20]
[ 2019-08-21 15:11:17,137 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,137 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_20/1
[ 2019-08-21 15:11:17,137 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,137 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,137 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,137 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,137 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,137 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_20/ExpandDims_1153612382
[ 2019-08-21 15:11:17,137 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,138 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,138 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,138 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,138 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,139 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,139 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,139 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_19/shape
[ 2019-08-21 15:11:17,139 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,139 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,139 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,139 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,139 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,139 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_19/begin
[ 2019-08-21 15:11:17,139 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,140 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,140 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,140 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 19]
[ 2019-08-21 15:11:17,140 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,140 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_19/1
[ 2019-08-21 15:11:17,140 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,140 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,140 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,140 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,140 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,141 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_19/ExpandDims_1185212852
[ 2019-08-21 15:11:17,141 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,141 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,141 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,141 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,141 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,142 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,142 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,142 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_18/shape
[ 2019-08-21 15:11:17,142 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,142 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,142 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,142 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,143 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,143 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_18/begin
[ 2019-08-21 15:11:17,143 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,143 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,143 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,143 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 18]
[ 2019-08-21 15:11:17,143 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,143 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_18/1
[ 2019-08-21 15:11:17,143 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,143 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,144 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,147 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,147 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,147 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_18/ExpandDims_1147012282
[ 2019-08-21 15:11:17,147 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,148 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,148 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,148 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,148 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,149 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,149 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,149 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_17/shape
[ 2019-08-21 15:11:17,149 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,149 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,149 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,149 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,150 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,150 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_17/begin
[ 2019-08-21 15:11:17,150 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,150 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,150 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,150 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 17]
[ 2019-08-21 15:11:17,150 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,150 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_17/1
[ 2019-08-21 15:11:17,151 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,151 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,151 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,151 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,151 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,151 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_17/ExpandDims_1213413276
[ 2019-08-21 15:11:17,151 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,152 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,152 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,152 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,152 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,152 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,152 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,152 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_16/shape
[ 2019-08-21 15:11:17,152 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,153 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,153 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,153 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,153 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,153 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_16/begin
[ 2019-08-21 15:11:17,153 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,153 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,153 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,154 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 16]
[ 2019-08-21 15:11:17,154 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,154 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_16/1
[ 2019-08-21 15:11:17,154 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,154 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,154 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,154 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,154 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,154 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_16/ExpandDims_1189712920
[ 2019-08-21 15:11:17,154 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,155 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,155 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,155 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,155 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,156 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,158 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,158 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_15/shape
[ 2019-08-21 15:11:17,158 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,158 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,158 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,158 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,158 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,159 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_15/begin
[ 2019-08-21 15:11:17,159 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,159 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,159 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,159 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 15]
[ 2019-08-21 15:11:17,159 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,160 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_15/1
[ 2019-08-21 15:11:17,160 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,160 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,160 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,160 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,160 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,161 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_15/ExpandDims_1220313380
[ 2019-08-21 15:11:17,161 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,161 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,161 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,162 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,162 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,162 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,162 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,162 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_14/shape
[ 2019-08-21 15:11:17,162 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,162 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,162 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,163 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,163 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,163 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_14/begin
[ 2019-08-21 15:11:17,163 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,163 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,163 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,163 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 14]
[ 2019-08-21 15:11:17,163 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,163 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_14/1
[ 2019-08-21 15:11:17,164 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,164 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,164 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,164 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,164 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,164 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_14/ExpandDims_1165512560
[ 2019-08-21 15:11:17,164 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,165 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,165 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,165 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,165 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,165 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,165 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,165 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_13/shape
[ 2019-08-21 15:11:17,166 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,169 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,169 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,169 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,170 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,170 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_13/begin
[ 2019-08-21 15:11:17,170 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,170 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,170 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,170 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 13]
[ 2019-08-21 15:11:17,171 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,171 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_13/1
[ 2019-08-21 15:11:17,171 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,171 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,171 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,171 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,171 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,172 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_13/ExpandDims_1195913012
[ 2019-08-21 15:11:17,172 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,172 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,172 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,173 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,173 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,173 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,173 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,173 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_12/shape
[ 2019-08-21 15:11:17,173 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,173 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,173 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,173 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,174 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,174 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_12/begin
[ 2019-08-21 15:11:17,174 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,174 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,174 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,174 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 12]
[ 2019-08-21 15:11:17,174 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,174 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_12/1
[ 2019-08-21 15:11:17,174 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,174 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,175 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,175 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,175 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,175 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_12/ExpandDims_1156012418
[ 2019-08-21 15:11:17,175 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,176 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,176 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,176 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,176 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,176 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,176 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,176 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_11/shape
[ 2019-08-21 15:11:17,176 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,176 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,177 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,177 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,177 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,177 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_11/begin
[ 2019-08-21 15:11:17,177 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,177 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,177 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,177 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 11]
[ 2019-08-21 15:11:17,177 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,178 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_11/1
[ 2019-08-21 15:11:17,181 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,181 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,181 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,181 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,181 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,182 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_11/ExpandDims_1171912654
[ 2019-08-21 15:11:17,182 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,183 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,183 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,183 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,183 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,183 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,184 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,184 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_10/shape
[ 2019-08-21 15:11:17,184 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,184 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,184 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,184 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,185 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,185 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_10/begin
[ 2019-08-21 15:11:17,185 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,185 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,185 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,185 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [ 0 10]
[ 2019-08-21 15:11:17,186 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,186 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_10/1
[ 2019-08-21 15:11:17,186 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,186 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,186 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,186 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,186 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,187 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_10/ExpandDims_1193412976
[ 2019-08-21 15:11:17,187 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,187 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,187 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,188 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,188 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,188 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,188 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,188 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_9/shape
[ 2019-08-21 15:11:17,188 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,188 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,191 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,191 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,192 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,192 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_9/begin
[ 2019-08-21 15:11:17,192 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,192 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,192 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,192 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [0 9]
[ 2019-08-21 15:11:17,193 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,193 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_9/1
[ 2019-08-21 15:11:17,193 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,193 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,193 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,193 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,193 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,193 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_9/ExpandDims_1180712784
[ 2019-08-21 15:11:17,193 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,194 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,194 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,194 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,194 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,195 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,195 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,195 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_8/shape
[ 2019-08-21 15:11:17,195 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,195 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,195 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,195 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,195 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,196 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_8/begin
[ 2019-08-21 15:11:17,196 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,196 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,196 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,196 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [0 8]
[ 2019-08-21 15:11:17,196 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,196 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_8/1
[ 2019-08-21 15:11:17,196 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,197 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,197 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,197 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,197 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,197 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_8/ExpandDims_1167712592
[ 2019-08-21 15:11:17,197 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,198 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,198 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,198 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,198 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,198 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,198 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,198 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_7/shape
[ 2019-08-21 15:11:17,198 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,198 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,199 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,199 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,199 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,199 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_7/begin
[ 2019-08-21 15:11:17,199 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,199 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,199 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,200 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [0 7]
[ 2019-08-21 15:11:17,202 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,203 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_7/1
[ 2019-08-21 15:11:17,203 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,203 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,203 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,203 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,203 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,204 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_7/ExpandDims_1187612888
[ 2019-08-21 15:11:17,204 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,204 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,205 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,205 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,205 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,205 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,205 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,205 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_6/shape
[ 2019-08-21 15:11:17,206 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,206 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,206 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,206 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,206 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,206 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_6/begin
[ 2019-08-21 15:11:17,206 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,206 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,206 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,207 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [0 6]
[ 2019-08-21 15:11:17,207 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,207 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_6/1
[ 2019-08-21 15:11:17,207 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,207 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,207 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,207 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,207 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,207 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_6/ExpandDims_1213113272
[ 2019-08-21 15:11:17,207 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,208 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,208 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,208 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,208 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,208 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,209 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,209 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_5/shape
[ 2019-08-21 15:11:17,209 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,209 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,209 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,209 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,209 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,209 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_5/begin
[ 2019-08-21 15:11:17,209 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,209 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,210 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,210 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [0 5]
[ 2019-08-21 15:11:17,210 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,210 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_5/1
[ 2019-08-21 15:11:17,210 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,210 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,210 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,210 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,210 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,210 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_5/ExpandDims_1188912908
[ 2019-08-21 15:11:17,211 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,214 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,214 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,215 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,215 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,215 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,215 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,215 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_4/shape
[ 2019-08-21 15:11:17,216 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,216 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,216 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,216 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,217 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,217 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_4/begin
[ 2019-08-21 15:11:17,217 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,217 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,217 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,217 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [0 4]
[ 2019-08-21 15:11:17,218 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,218 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_4/1
[ 2019-08-21 15:11:17,218 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,218 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,218 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,218 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,218 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,218 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_4/ExpandDims_1227613490
[ 2019-08-21 15:11:17,218 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,219 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,219 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,219 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,219 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,220 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,220 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,220 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_3/shape
[ 2019-08-21 15:11:17,220 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,220 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,220 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,220 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,221 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,221 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_3/begin
[ 2019-08-21 15:11:17,221 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,221 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,221 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,221 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [0 3]
[ 2019-08-21 15:11:17,221 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,221 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_3/1
[ 2019-08-21 15:11:17,221 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,221 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,221 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,222 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,225 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,225 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_3/ExpandDims_1175012698
[ 2019-08-21 15:11:17,225 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,226 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,226 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,226 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,226 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,226 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,227 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,227 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_2/shape
[ 2019-08-21 15:11:17,227 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,227 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,227 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,227 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,228 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,228 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_2/begin
[ 2019-08-21 15:11:17,228 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,228 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,228 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,228 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [0 2]
[ 2019-08-21 15:11:17,228 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,229 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_2/1
[ 2019-08-21 15:11:17,229 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,229 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,229 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,229 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,229 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,229 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_2/ExpandDims_1215813312
[ 2019-08-21 15:11:17,229 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,230 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,230 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,230 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,230 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,230 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,231 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,231 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape_1/shape
[ 2019-08-21 15:11:17,231 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,231 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,231 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,231 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,231 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,231 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice_1/begin
[ 2019-08-21 15:11:17,232 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,232 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,232 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,232 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [0 1]
[ 2019-08-21 15:11:17,232 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,232 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_1/1
[ 2019-08-21 15:11:17,232 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,232 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,232 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,233 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,236 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,236 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack_1/ExpandDims_1208813210
[ 2019-08-21 15:11:17,236 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,236 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,237 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,237 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,237 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,237 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,238 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,238 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape/shape
[ 2019-08-21 15:11:17,238 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,238 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,238 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,238 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,239 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,239 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice/begin
[ 2019-08-21 15:11:17,239 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,239 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,239 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,239 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [0 0]
[ 2019-08-21 15:11:17,240 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,240 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack/1
[ 2019-08-21 15:11:17,240 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,240 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,240 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,240 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,240 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,240 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack/ExpandDims_1194512992
[ 2019-08-21 15:11:17,240 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,241 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,241 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,241 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,242 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,242 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,242 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,242 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/Const
[ 2019-08-21 15:11:17,242 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,242 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,242 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,243 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,243 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,243 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/Enter
[ 2019-08-21 15:11:17,243 ] [ DEBUG ] [ infer:131 ]  Op: Enter
[ 2019-08-21 15:11:17,243 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,243 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,243 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,243 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,243 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,244 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/while/Merge
[ 2019-08-21 15:11:17,244 ] [ DEBUG ] [ infer:131 ]  Op: Merge
[ 2019-08-21 15:11:17,244 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,244 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,244 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = <UNKNOWN>, value = <UNKNOWN>
[ 2019-08-21 15:11:17,244 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,244 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:17,244 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,244 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_4/range/delta
[ 2019-08-21 15:11:17,244 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,244 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,245 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,248 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,248 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,248 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_4/range/start
[ 2019-08-21 15:11:17,248 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,248 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,249 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,249 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,249 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,249 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_4/strided_slice/stack_2
[ 2019-08-21 15:11:17,249 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,250 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,250 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,250 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,250 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,250 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_4/strided_slice/stack_1
[ 2019-08-21 15:11:17,250 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,251 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,251 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,251 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,251 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,251 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_4/strided_slice/stack
[ 2019-08-21 15:11:17,251 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,251 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,252 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,252 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,252 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,252 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_3/range/delta
[ 2019-08-21 15:11:17,252 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,252 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,252 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,253 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,253 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,253 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_3/range/start
[ 2019-08-21 15:11:17,253 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,253 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,253 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,253 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,253 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,253 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_3/strided_slice/stack_2
[ 2019-08-21 15:11:17,253 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,254 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,254 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,254 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,254 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,254 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_3/strided_slice/stack_1
[ 2019-08-21 15:11:17,254 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,254 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,254 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,254 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,255 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,255 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_3/strided_slice/stack
[ 2019-08-21 15:11:17,255 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,255 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,255 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,255 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,255 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,255 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_1/range/delta
[ 2019-08-21 15:11:17,255 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,255 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,255 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,256 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,256 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,256 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_1/range/start
[ 2019-08-21 15:11:17,256 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,256 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,256 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,256 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,256 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,256 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_1/strided_slice/stack_2
[ 2019-08-21 15:11:17,256 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,256 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,256 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,259 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,260 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,260 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_1/strided_slice/stack_1
[ 2019-08-21 15:11:17,260 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,260 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,260 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,260 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,261 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,261 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_1/strided_slice/stack
[ 2019-08-21 15:11:17,261 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,261 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,261 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,261 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,262 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,262 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack/range/delta
[ 2019-08-21 15:11:17,262 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,262 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,262 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,262 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,262 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,262 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack/range/start
[ 2019-08-21 15:11:17,262 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,263 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,263 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,263 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,263 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,263 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack/strided_slice/stack_2
[ 2019-08-21 15:11:17,263 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,263 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,263 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,264 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,264 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,264 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack/strided_slice/stack_1
[ 2019-08-21 15:11:17,264 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,264 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,264 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,264 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,264 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,265 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack/strided_slice/stack
[ 2019-08-21 15:11:17,265 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,265 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,265 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,265 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,265 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,265 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/strided_slice/stack_2
[ 2019-08-21 15:11:17,265 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,265 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,265 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,266 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,266 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,266 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/strided_slice/stack_1
[ 2019-08-21 15:11:17,266 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,266 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,266 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,267 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,267 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,267 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/BatchMultiClassNonMaxSuppression/map/strided_slice/stack
[ 2019-08-21 15:11:17,267 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,267 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,267 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,268 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,271 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,271 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/strided_slice_2/stack_2
[ 2019-08-21 15:11:17,271 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,272 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,272 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,272 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [1 1]
[ 2019-08-21 15:11:17,273 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,273 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/strided_slice_2/stack_1
[ 2019-08-21 15:11:17,273 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,273 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,273 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,273 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [0 2]
[ 2019-08-21 15:11:17,274 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,274 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/strided_slice_2/stack
[ 2019-08-21 15:11:17,274 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,274 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,274 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,274 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [0 1]
[ 2019-08-21 15:11:17,274 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,275 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/strided_slice_1/stack_2
[ 2019-08-21 15:11:17,275 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,275 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,275 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,275 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [1 1]
[ 2019-08-21 15:11:17,275 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,275 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/strided_slice_1/stack_1
[ 2019-08-21 15:11:17,275 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,275 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,276 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,276 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [0 1]
[ 2019-08-21 15:11:17,276 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,276 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/strided_slice_1/stack
[ 2019-08-21 15:11:17,276 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,276 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,276 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,276 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [0 0]
[ 2019-08-21 15:11:17,276 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,277 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Reshape_6/shape
[ 2019-08-21 15:11:17,277 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,277 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,277 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,277 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [3], value = [ -1 100  90]
[ 2019-08-21 15:11:17,277 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,277 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Slice_1/size
[ 2019-08-21 15:11:17,277 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,277 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,277 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,278 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [3], value = [-1 -1 -1]
[ 2019-08-21 15:11:17,278 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,278 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Slice_1/begin
[ 2019-08-21 15:11:17,278 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,278 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,278 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,278 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [3], value = [0 0 1]
[ 2019-08-21 15:11:17,278 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,278 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/concat/axis
[ 2019-08-21 15:11:17,278 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,279 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,279 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,279 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,279 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,279 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/concat/values_0
[ 2019-08-21 15:11:17,279 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,279 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,279 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,279 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,279 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,283 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Slice/size
[ 2019-08-21 15:11:17,283 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,283 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,283 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,283 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,284 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,284 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/scale_logits/y
[ 2019-08-21 15:11:17,284 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,284 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,284 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,284 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1.0
[ 2019-08-21 15:11:17,284 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,285 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/scale_logits/reciprocal_
[ 2019-08-21 15:11:17,285 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,285 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,285 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1.0
[ 2019-08-21 15:11:17,285 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,285 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,285 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1.0
[ 2019-08-21 15:11:17,286 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,286 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/stack/3
[ 2019-08-21 15:11:17,286 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,286 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,286 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,286 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 4
[ 2019-08-21 15:11:17,286 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,286 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/stack/ExpandDims_1226013466
[ 2019-08-21 15:11:17,286 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,287 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,287 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 4
[ 2019-08-21 15:11:17,287 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,287 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,288 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [4]
[ 2019-08-21 15:11:17,288 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,288 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/stack/2
[ 2019-08-21 15:11:17,288 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,288 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,288 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,288 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 90
[ 2019-08-21 15:11:17,288 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,288 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/stack/ExpandDims_1225913464
[ 2019-08-21 15:11:17,288 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,289 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,289 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 90
[ 2019-08-21 15:11:17,289 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,289 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,289 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [90]
[ 2019-08-21 15:11:17,290 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,290 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/stack/1
[ 2019-08-21 15:11:17,290 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,290 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,290 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,290 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 100
[ 2019-08-21 15:11:17,290 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,290 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/stack/ExpandDims_1225813462
[ 2019-08-21 15:11:17,290 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,291 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,294 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 100
[ 2019-08-21 15:11:17,294 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,294 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,294 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [100]
[ 2019-08-21 15:11:17,295 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,295 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/div_7/y
[ 2019-08-21 15:11:17,295 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,295 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,295 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,295 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,295 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,295 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/div_7/reciprocal_
[ 2019-08-21 15:11:17,295 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,296 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,296 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,296 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,296 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,296 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.5
[ 2019-08-21 15:11:17,296 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,296 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/div_6/y
[ 2019-08-21 15:11:17,296 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,296 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,296 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,297 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,297 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,297 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/div_6/reciprocal_
[ 2019-08-21 15:11:17,297 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,297 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,297 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,297 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,297 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,297 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.5
[ 2019-08-21 15:11:17,297 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,297 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/div_5/y
[ 2019-08-21 15:11:17,298 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,298 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,298 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,298 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,298 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,298 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/div_5/reciprocal_
[ 2019-08-21 15:11:17,298 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,298 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,298 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,298 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,299 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,299 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.5
[ 2019-08-21 15:11:17,299 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,299 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/div_4/y
[ 2019-08-21 15:11:17,299 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,299 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,299 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,300 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,300 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,300 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/div_4/reciprocal_
[ 2019-08-21 15:11:17,300 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,300 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,301 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,301 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,301 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,301 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.5
[ 2019-08-21 15:11:17,301 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,301 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/div_3/y
[ 2019-08-21 15:11:17,301 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,301 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,301 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,301 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 5.0
[ 2019-08-21 15:11:17,302 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,302 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/div_3/reciprocal_
[ 2019-08-21 15:11:17,302 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,302 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,302 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 5.0
[ 2019-08-21 15:11:17,302 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,302 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,302 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.2
[ 2019-08-21 15:11:17,302 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,302 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/div_2/y
[ 2019-08-21 15:11:17,302 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,303 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,305 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,306 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 5.0
[ 2019-08-21 15:11:17,306 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,306 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/div_2/reciprocal_
[ 2019-08-21 15:11:17,306 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,306 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,306 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 5.0
[ 2019-08-21 15:11:17,307 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,307 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,307 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.2
[ 2019-08-21 15:11:17,307 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,307 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/div_1/y
[ 2019-08-21 15:11:17,307 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,308 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,308 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,308 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 10.0
[ 2019-08-21 15:11:17,308 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,308 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/div_1/reciprocal_
[ 2019-08-21 15:11:17,308 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,308 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,308 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 10.0
[ 2019-08-21 15:11:17,309 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,309 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,309 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.1
[ 2019-08-21 15:11:17,309 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,309 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/div/y
[ 2019-08-21 15:11:17,309 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,309 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,309 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,309 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 10.0
[ 2019-08-21 15:11:17,309 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,309 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/div/reciprocal_
[ 2019-08-21 15:11:17,310 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,310 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,310 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 10.0
[ 2019-08-21 15:11:17,310 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,310 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,310 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.1
[ 2019-08-21 15:11:17,310 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,310 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/get_center_coordinates_and_sizes/div_1/y
[ 2019-08-21 15:11:17,310 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,311 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,311 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,311 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,311 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,311 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/get_center_coordinates_and_sizes/div_1/reciprocal_
[ 2019-08-21 15:11:17,311 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,311 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,311 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,311 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,311 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,312 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.5
[ 2019-08-21 15:11:17,312 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,312 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/get_center_coordinates_and_sizes/div/y
[ 2019-08-21 15:11:17,312 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,312 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,312 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,312 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,312 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,312 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Decode/get_center_coordinates_and_sizes/div/reciprocal_
[ 2019-08-21 15:11:17,312 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,312 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,313 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,313 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,313 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,313 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.5
[ 2019-08-21 15:11:17,313 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,313 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Reshape_3/shape
[ 2019-08-21 15:11:17,313 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,313 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,313 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,313 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [-1  4]
[ 2019-08-21 15:11:17,317 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,317 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Reshape_2/shape
[ 2019-08-21 15:11:17,318 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,318 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,318 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,318 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [-1  4]
[ 2019-08-21 15:11:17,318 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,318 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Tile/multiples
[ 2019-08-21 15:11:17,318 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,319 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,319 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,319 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [4], value = [ 1  1 90  1]
[ 2019-08-21 15:11:17,319 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,319 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/ExpandDims/dim
[ 2019-08-21 15:11:17,319 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,320 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,320 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,320 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 2
[ 2019-08-21 15:11:17,320 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,320 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/strided_slice/stack_2
[ 2019-08-21 15:11:17,320 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,320 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,320 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,321 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,321 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,321 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/strided_slice/stack_1
[ 2019-08-21 15:11:17,321 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,321 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,321 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,321 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,322 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,322 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/strided_slice/stack
[ 2019-08-21 15:11:17,322 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,322 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,322 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,322 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,322 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,322 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Reshape_1/shape
[ 2019-08-21 15:11:17,323 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,323 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,323 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,323 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [3], value = [ -1 100  91]
[ 2019-08-21 15:11:17,323 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,323 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Reshape/shape
[ 2019-08-21 15:11:17,323 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,323 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,323 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,324 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [4], value = [ -1 100  90   4]
[ 2019-08-21 15:11:17,324 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,324 ] [ DEBUG ] [ infer:130 ]  Partial infer for map_1/TensorArrayStack/range/delta
[ 2019-08-21 15:11:17,324 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,324 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,324 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,324 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,324 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,324 ] [ DEBUG ] [ infer:130 ]  Partial infer for map_1/TensorArrayStack/range/start
[ 2019-08-21 15:11:17,324 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,325 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,325 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,325 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,325 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,325 ] [ DEBUG ] [ infer:130 ]  Partial infer for map_1/Const
[ 2019-08-21 15:11:17,325 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,325 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,325 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,325 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,326 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,329 ] [ DEBUG ] [ infer:130 ]  Partial infer for map_1/while/Enter
[ 2019-08-21 15:11:17,329 ] [ DEBUG ] [ infer:131 ]  Op: Enter
[ 2019-08-21 15:11:17,329 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,329 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,329 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,329 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,330 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,330 ] [ DEBUG ] [ infer:130 ]  Partial infer for map_1/while/Merge
[ 2019-08-21 15:11:17,330 ] [ DEBUG ] [ infer:131 ]  Op: Merge
[ 2019-08-21 15:11:17,330 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,330 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,330 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = <UNKNOWN>, value = <UNKNOWN>
[ 2019-08-21 15:11:17,330 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,330 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:17,331 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,331 ] [ DEBUG ] [ infer:130 ]  Partial infer for map_1/TensorArrayUnstack/range/delta
[ 2019-08-21 15:11:17,331 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,331 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,331 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,332 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,332 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,332 ] [ DEBUG ] [ infer:130 ]  Partial infer for map_1/TensorArrayUnstack/range/start
[ 2019-08-21 15:11:17,332 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,332 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,332 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,332 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,333 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,333 ] [ DEBUG ] [ infer:130 ]  Partial infer for map_1/TensorArrayUnstack/strided_slice/stack_2
[ 2019-08-21 15:11:17,333 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,333 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,333 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,333 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,333 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,334 ] [ DEBUG ] [ infer:130 ]  Partial infer for map_1/TensorArrayUnstack/strided_slice/stack_1
[ 2019-08-21 15:11:17,334 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,334 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,334 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,334 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,334 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,334 ] [ DEBUG ] [ infer:130 ]  Partial infer for map_1/TensorArrayUnstack/strided_slice/stack
[ 2019-08-21 15:11:17,334 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,334 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,334 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,335 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,335 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,335 ] [ DEBUG ] [ infer:130 ]  Partial infer for map_1/strided_slice/stack_2
[ 2019-08-21 15:11:17,335 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,335 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,335 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,335 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,335 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,335 ] [ DEBUG ] [ infer:130 ]  Partial infer for map_1/strided_slice/stack_1
[ 2019-08-21 15:11:17,335 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,336 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,336 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,336 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,336 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,336 ] [ DEBUG ] [ infer:130 ]  Partial infer for map_1/strided_slice/stack
[ 2019-08-21 15:11:17,336 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,336 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,336 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,336 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,337 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,339 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageBoxPredictor/Reshape_1/shape
[ 2019-08-21 15:11:17,339 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,340 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,340 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,340 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [3], value = [-1  1 91]
[ 2019-08-21 15:11:17,340 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,340 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageBoxPredictor/Reshape/shape
[ 2019-08-21 15:11:17,340 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,340 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,340 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,341 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [4], value = [-1  1 90  4]
[ 2019-08-21 15:11:17,341 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,341 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageBoxPredictor/AvgPool/reduction_indices
[ 2019-08-21 15:11:17,341 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,341 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,341 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,342 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [1 2]
[ 2019-08-21 15:11:17,342 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,342 ] [ DEBUG ] [ infer:130 ]  Partial infer for CropAndResize/crop_size
[ 2019-08-21 15:11:17,342 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,342 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,343 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,343 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [14 14]
[ 2019-08-21 15:11:17,343 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,343 ] [ DEBUG ] [ infer:130 ]  Partial infer for Reshape_6/shape
[ 2019-08-21 15:11:17,343 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,343 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,344 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,344 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,344 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,344 ] [ DEBUG ] [ infer:130 ]  Partial infer for ExpandDims_6/dim
[ 2019-08-21 15:11:17,344 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,344 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,344 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,344 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,345 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,345 ] [ DEBUG ] [ infer:130 ]  Partial infer for range/delta
[ 2019-08-21 15:11:17,345 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,345 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,345 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,345 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,345 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,345 ] [ DEBUG ] [ infer:130 ]  Partial infer for range/start
[ 2019-08-21 15:11:17,345 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,345 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,345 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,346 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,346 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,346 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_15/stack_2
[ 2019-08-21 15:11:17,346 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,346 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,346 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,346 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,346 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,346 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_15/stack_1
[ 2019-08-21 15:11:17,346 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,347 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,347 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,347 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,347 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,347 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_15/stack
[ 2019-08-21 15:11:17,347 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,347 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,347 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,347 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,348 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,351 ] [ DEBUG ] [ infer:130 ]  Partial infer for ones/Const
[ 2019-08-21 15:11:17,351 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,351 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,351 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,351 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,352 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,352 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_14/stack_2
[ 2019-08-21 15:11:17,352 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,352 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,352 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,353 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,353 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,353 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_14/stack_1
[ 2019-08-21 15:11:17,353 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,353 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,353 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,353 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [2]
[ 2019-08-21 15:11:17,354 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,354 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_14/stack
[ 2019-08-21 15:11:17,354 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,354 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,354 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,354 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,354 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,354 ] [ DEBUG ] [ infer:130 ]  Partial infer for stack_3/1
[ 2019-08-21 15:11:17,354 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,355 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,355 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,355 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 4
[ 2019-08-21 15:11:17,355 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,355 ] [ DEBUG ] [ infer:130 ]  Partial infer for stack_3/ExpandDims_1154412394
[ 2019-08-21 15:11:17,355 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,356 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,356 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 4
[ 2019-08-21 15:11:17,356 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,357 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,357 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [4]
[ 2019-08-21 15:11:17,357 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,357 ] [ DEBUG ] [ infer:130 ]  Partial infer for mul/y
[ 2019-08-21 15:11:17,357 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,357 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,358 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,358 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 100
[ 2019-08-21 15:11:17,358 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,358 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_13/stack_2
[ 2019-08-21 15:11:17,358 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,358 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,358 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,359 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,359 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,359 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_13/stack_1
[ 2019-08-21 15:11:17,359 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,359 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,359 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,359 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,359 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,360 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_13/stack
[ 2019-08-21 15:11:17,363 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,363 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,363 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,363 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,363 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,363 ] [ DEBUG ] [ infer:130 ]  Partial infer for map/TensorArrayStack/range/delta
[ 2019-08-21 15:11:17,364 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,364 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,364 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,364 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,364 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,364 ] [ DEBUG ] [ infer:130 ]  Partial infer for map/TensorArrayStack/range/start
[ 2019-08-21 15:11:17,365 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,365 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,365 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,365 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,365 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,365 ] [ DEBUG ] [ infer:130 ]  Partial infer for map/Const
[ 2019-08-21 15:11:17,366 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,366 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,366 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,366 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,366 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,366 ] [ DEBUG ] [ infer:130 ]  Partial infer for map/while/Enter
[ 2019-08-21 15:11:17,366 ] [ DEBUG ] [ infer:131 ]  Op: Enter
[ 2019-08-21 15:11:17,367 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,367 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,367 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,367 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,367 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,367 ] [ DEBUG ] [ infer:130 ]  Partial infer for map/while/Merge
[ 2019-08-21 15:11:17,367 ] [ DEBUG ] [ infer:131 ]  Op: Merge
[ 2019-08-21 15:11:17,367 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,368 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,368 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = <UNKNOWN>, value = <UNKNOWN>
[ 2019-08-21 15:11:17,368 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,368 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:17,368 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,368 ] [ DEBUG ] [ infer:130 ]  Partial infer for map/TensorArrayUnstack_1/range/delta
[ 2019-08-21 15:11:17,368 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,368 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,369 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,369 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,369 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,369 ] [ DEBUG ] [ infer:130 ]  Partial infer for map/TensorArrayUnstack_1/range/start
[ 2019-08-21 15:11:17,369 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,369 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,369 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,369 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,369 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,369 ] [ DEBUG ] [ infer:130 ]  Partial infer for map/TensorArrayUnstack_1/strided_slice/stack_2
[ 2019-08-21 15:11:17,369 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,370 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,370 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,370 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,370 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,370 ] [ DEBUG ] [ infer:130 ]  Partial infer for map/TensorArrayUnstack_1/strided_slice/stack_1
[ 2019-08-21 15:11:17,370 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,370 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,370 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,370 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,371 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,371 ] [ DEBUG ] [ infer:130 ]  Partial infer for map/TensorArrayUnstack_1/strided_slice/stack
[ 2019-08-21 15:11:17,371 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,371 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,371 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,371 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,371 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,371 ] [ DEBUG ] [ infer:130 ]  Partial infer for map/TensorArrayUnstack/range/delta
[ 2019-08-21 15:11:17,371 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,371 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,371 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,372 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,374 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,375 ] [ DEBUG ] [ infer:130 ]  Partial infer for map/TensorArrayUnstack/range/start
[ 2019-08-21 15:11:17,375 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,375 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,375 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,375 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,375 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,375 ] [ DEBUG ] [ infer:130 ]  Partial infer for map/TensorArrayUnstack/strided_slice/stack_2
[ 2019-08-21 15:11:17,376 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,376 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,376 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,376 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,376 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,377 ] [ DEBUG ] [ infer:130 ]  Partial infer for map/TensorArrayUnstack/strided_slice/stack_1
[ 2019-08-21 15:11:17,377 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,377 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,377 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,377 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,377 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,378 ] [ DEBUG ] [ infer:130 ]  Partial infer for map/TensorArrayUnstack/strided_slice/stack
[ 2019-08-21 15:11:17,378 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,378 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,378 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,378 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,378 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,379 ] [ DEBUG ] [ infer:130 ]  Partial infer for map/strided_slice/stack_2
[ 2019-08-21 15:11:17,379 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,379 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,379 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,379 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,379 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,379 ] [ DEBUG ] [ infer:130 ]  Partial infer for map/strided_slice/stack_1
[ 2019-08-21 15:11:17,379 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,380 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,380 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,380 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,380 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,380 ] [ DEBUG ] [ infer:130 ]  Partial infer for map/strided_slice/stack
[ 2019-08-21 15:11:17,380 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,380 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,380 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,381 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,381 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,381 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayStack_4/range/delta
[ 2019-08-21 15:11:17,381 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,381 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,381 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,381 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,381 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,381 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayStack_4/range/start
[ 2019-08-21 15:11:17,381 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,382 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,382 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,382 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,382 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,382 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayStack/range/delta
[ 2019-08-21 15:11:17,382 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,382 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,382 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,382 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,383 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,386 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayStack/range/start
[ 2019-08-21 15:11:17,386 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,386 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,386 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,387 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,387 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,387 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Reshape/shape
[ 2019-08-21 15:11:17,387 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,387 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,387 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,388 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,388 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,388 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Slice/begin
[ 2019-08-21 15:11:17,388 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,388 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,388 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,389 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [0 0]
[ 2019-08-21 15:11:17,389 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,389 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack/1
[ 2019-08-21 15:11:17,389 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,389 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,389 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,389 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,389 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,390 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/stack/ExpandDims_1220913388
[ 2019-08-21 15:11:17,390 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,390 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,390 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,391 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,391 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,391 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,391 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,391 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/Const
[ 2019-08-21 15:11:17,391 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,391 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,392 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,392 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,392 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,392 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/while/Enter
[ 2019-08-21 15:11:17,392 ] [ DEBUG ] [ infer:131 ]  Op: Enter
[ 2019-08-21 15:11:17,392 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,392 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,392 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,392 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,393 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,393 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/while/Merge
[ 2019-08-21 15:11:17,393 ] [ DEBUG ] [ infer:131 ]  Op: Merge
[ 2019-08-21 15:11:17,393 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,393 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,393 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = <UNKNOWN>, value = <UNKNOWN>
[ 2019-08-21 15:11:17,393 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,393 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:17,393 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,394 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_4/range/delta
[ 2019-08-21 15:11:17,394 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,394 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,394 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,394 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,394 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,394 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_4/range/start
[ 2019-08-21 15:11:17,394 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,394 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,394 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,394 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,395 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,398 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_4/strided_slice/stack_2
[ 2019-08-21 15:11:17,398 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,398 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,398 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,399 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,399 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,399 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_4/strided_slice/stack_1
[ 2019-08-21 15:11:17,399 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,399 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,400 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,400 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,400 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,400 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_4/strided_slice/stack
[ 2019-08-21 15:11:17,400 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,400 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,400 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,401 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,401 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,401 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_3/range/delta
[ 2019-08-21 15:11:17,401 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,401 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,401 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,401 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,401 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,401 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_3/range/start
[ 2019-08-21 15:11:17,402 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,402 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,402 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,402 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,402 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,402 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_3/strided_slice/stack_2
[ 2019-08-21 15:11:17,402 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,402 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,402 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,402 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,403 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,403 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_3/strided_slice/stack_1
[ 2019-08-21 15:11:17,403 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,403 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,403 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,403 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,403 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,403 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_3/strided_slice/stack
[ 2019-08-21 15:11:17,403 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,403 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,404 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,404 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,404 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,404 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_1/range/delta
[ 2019-08-21 15:11:17,404 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,404 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,404 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,404 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,404 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,404 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_1/range/start
[ 2019-08-21 15:11:17,404 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,405 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,405 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,405 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,405 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,405 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_1/strided_slice/stack_2
[ 2019-08-21 15:11:17,405 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,406 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,406 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,406 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,406 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,406 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_1/strided_slice/stack_1
[ 2019-08-21 15:11:17,407 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,410 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,410 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,410 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,410 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,410 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack_1/strided_slice/stack
[ 2019-08-21 15:11:17,410 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,411 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,411 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,411 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,411 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,411 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack/range/delta
[ 2019-08-21 15:11:17,411 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,411 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,412 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,412 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,412 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,412 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack/range/start
[ 2019-08-21 15:11:17,412 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,412 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,412 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,412 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,412 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,413 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack/strided_slice/stack_2
[ 2019-08-21 15:11:17,413 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,413 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,413 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,413 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,413 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,413 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack/strided_slice/stack_1
[ 2019-08-21 15:11:17,413 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,413 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,413 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,414 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,414 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,414 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/TensorArrayUnstack/strided_slice/stack
[ 2019-08-21 15:11:17,414 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,414 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,414 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,414 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,414 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,414 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/strided_slice/stack_2
[ 2019-08-21 15:11:17,414 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,415 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,415 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,415 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,415 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,415 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/strided_slice/stack_1
[ 2019-08-21 15:11:17,415 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,415 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,415 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,415 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,416 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,416 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/map/strided_slice/stack
[ 2019-08-21 15:11:17,416 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,416 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,416 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,416 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,416 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,417 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/ones/Const
[ 2019-08-21 15:11:17,417 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,417 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,417 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,417 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,417 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,417 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/strided_slice_1/stack_2
[ 2019-08-21 15:11:17,420 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,420 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,421 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,421 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,421 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,421 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/strided_slice_1/stack_1
[ 2019-08-21 15:11:17,421 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,421 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,421 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,421 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [2]
[ 2019-08-21 15:11:17,422 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,422 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/strided_slice_1/stack
[ 2019-08-21 15:11:17,422 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,422 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,422 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,422 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,423 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,423 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/strided_slice/stack_2
[ 2019-08-21 15:11:17,423 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,423 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,423 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,423 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,424 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,424 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/strided_slice/stack_1
[ 2019-08-21 15:11:17,424 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,424 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,424 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,424 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,425 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,425 ] [ DEBUG ] [ infer:130 ]  Partial infer for BatchMultiClassNonMaxSuppression/strided_slice/stack
[ 2019-08-21 15:11:17,425 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,425 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,425 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,425 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,425 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,425 ] [ DEBUG ] [ infer:130 ]  Partial infer for ExpandDims_5/dim
[ 2019-08-21 15:11:17,425 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,426 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,426 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,426 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 2
[ 2019-08-21 15:11:17,426 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,426 ] [ DEBUG ] [ infer:130 ]  Partial infer for ExpandDims_4/dim
[ 2019-08-21 15:11:17,426 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,426 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,426 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,426 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 2
[ 2019-08-21 15:11:17,426 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,426 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_12/stack_2
[ 2019-08-21 15:11:17,426 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,427 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,427 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,427 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [1 1]
[ 2019-08-21 15:11:17,427 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,427 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_12/stack_1
[ 2019-08-21 15:11:17,427 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,427 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,427 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,428 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [0 2]
[ 2019-08-21 15:11:17,428 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,428 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_12/stack
[ 2019-08-21 15:11:17,428 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,428 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,428 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,428 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [0 1]
[ 2019-08-21 15:11:17,428 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,428 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_11/stack_2
[ 2019-08-21 15:11:17,431 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,431 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,432 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,432 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [1 1]
[ 2019-08-21 15:11:17,432 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,432 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_11/stack_1
[ 2019-08-21 15:11:17,432 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,433 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,433 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,433 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [0 1]
[ 2019-08-21 15:11:17,433 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,433 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_11/stack
[ 2019-08-21 15:11:17,434 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,434 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,434 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,434 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [0 0]
[ 2019-08-21 15:11:17,434 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,434 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_10/stack_2
[ 2019-08-21 15:11:17,434 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,434 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,434 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,435 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [3], value = [1 1 1]
[ 2019-08-21 15:11:17,435 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,435 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_10/stack_1
[ 2019-08-21 15:11:17,435 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,435 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,435 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,435 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [3], value = [0 0 2]
[ 2019-08-21 15:11:17,435 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,435 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_10/stack
[ 2019-08-21 15:11:17,436 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,436 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,436 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,436 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [3], value = [0 0 1]
[ 2019-08-21 15:11:17,436 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,436 ] [ DEBUG ] [ infer:130 ]  Partial infer for concat/axis
[ 2019-08-21 15:11:17,436 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,436 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,436 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,436 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,437 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,437 ] [ DEBUG ] [ infer:130 ]  Partial infer for concat/values_0
[ 2019-08-21 15:11:17,437 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,437 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,437 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,437 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,437 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,437 ] [ DEBUG ] [ infer:130 ]  Partial infer for Slice/size
[ 2019-08-21 15:11:17,437 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,437 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,438 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,438 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,438 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,438 ] [ DEBUG ] [ infer:130 ]  Partial infer for stack_1/3
[ 2019-08-21 15:11:17,438 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,438 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,438 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,438 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 4
[ 2019-08-21 15:11:17,438 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,438 ] [ DEBUG ] [ infer:130 ]  Partial infer for stack_1/ExpandDims_1172412662
[ 2019-08-21 15:11:17,438 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,439 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,439 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 4
[ 2019-08-21 15:11:17,440 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,442 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,443 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [4]
[ 2019-08-21 15:11:17,443 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,443 ] [ DEBUG ] [ infer:130 ]  Partial infer for stack_1/2
[ 2019-08-21 15:11:17,443 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,443 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,443 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,443 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,444 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,444 ] [ DEBUG ] [ infer:130 ]  Partial infer for stack_1/ExpandDims_1172312660
[ 2019-08-21 15:11:17,444 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,445 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,445 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,445 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,445 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,445 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,446 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,446 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/div_7/y
[ 2019-08-21 15:11:17,446 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,446 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,446 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,446 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,447 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,447 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/div_7/reciprocal_
[ 2019-08-21 15:11:17,447 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,447 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,447 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,448 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,448 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,448 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.5
[ 2019-08-21 15:11:17,448 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,448 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/div_6/y
[ 2019-08-21 15:11:17,448 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,448 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,448 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,448 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,449 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,449 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/div_6/reciprocal_
[ 2019-08-21 15:11:17,449 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,449 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,449 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,449 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,449 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,450 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.5
[ 2019-08-21 15:11:17,450 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,450 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/div_5/y
[ 2019-08-21 15:11:17,450 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,450 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,450 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,450 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,451 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,453 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/div_5/reciprocal_
[ 2019-08-21 15:11:17,454 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,454 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,454 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,454 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,454 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,454 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.5
[ 2019-08-21 15:11:17,455 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,455 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/div_4/y
[ 2019-08-21 15:11:17,455 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,455 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,455 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,456 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,456 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,456 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/div_4/reciprocal_
[ 2019-08-21 15:11:17,456 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,456 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,456 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,456 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,457 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,457 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.5
[ 2019-08-21 15:11:17,457 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,457 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/div_3/y
[ 2019-08-21 15:11:17,457 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,457 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,457 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,457 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 5.0
[ 2019-08-21 15:11:17,458 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,458 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/div_3/reciprocal_
[ 2019-08-21 15:11:17,458 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,458 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,458 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 5.0
[ 2019-08-21 15:11:17,458 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,458 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,458 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.2
[ 2019-08-21 15:11:17,458 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,458 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/div_2/y
[ 2019-08-21 15:11:17,459 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,459 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,459 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,459 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 5.0
[ 2019-08-21 15:11:17,459 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,459 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/div_2/reciprocal_
[ 2019-08-21 15:11:17,459 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,459 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,459 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 5.0
[ 2019-08-21 15:11:17,459 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,459 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,460 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.2
[ 2019-08-21 15:11:17,460 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,460 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/div_1/y
[ 2019-08-21 15:11:17,460 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,460 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,460 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,460 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 10.0
[ 2019-08-21 15:11:17,460 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,460 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/div_1/reciprocal_
[ 2019-08-21 15:11:17,460 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,461 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,461 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 10.0
[ 2019-08-21 15:11:17,461 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,461 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,461 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.1
[ 2019-08-21 15:11:17,461 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,461 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/div/y
[ 2019-08-21 15:11:17,461 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,461 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,461 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,461 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 10.0
[ 2019-08-21 15:11:17,462 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,465 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/div/reciprocal_
[ 2019-08-21 15:11:17,465 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,465 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,465 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 10.0
[ 2019-08-21 15:11:17,466 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,466 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,466 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.1
[ 2019-08-21 15:11:17,466 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,466 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/get_center_coordinates_and_sizes/div_1/y
[ 2019-08-21 15:11:17,466 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,467 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,467 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,467 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,467 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,467 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/get_center_coordinates_and_sizes/div_1/reciprocal_
[ 2019-08-21 15:11:17,467 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,468 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,468 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,468 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,468 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,468 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.5
[ 2019-08-21 15:11:17,468 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,468 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/get_center_coordinates_and_sizes/div/y
[ 2019-08-21 15:11:17,468 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,468 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,469 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,469 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,469 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,469 ] [ DEBUG ] [ infer:130 ]  Partial infer for Decode/get_center_coordinates_and_sizes/div/reciprocal_
[ 2019-08-21 15:11:17,469 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:17,469 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,469 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 2.0
[ 2019-08-21 15:11:17,469 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:17,469 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,469 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.5
[ 2019-08-21 15:11:17,470 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,470 ] [ DEBUG ] [ infer:130 ]  Partial infer for Reshape_1/shape
[ 2019-08-21 15:11:17,470 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,470 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,470 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,470 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [-1  4]
[ 2019-08-21 15:11:17,470 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,470 ] [ DEBUG ] [ infer:130 ]  Partial infer for Reshape/shape
[ 2019-08-21 15:11:17,471 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,471 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,471 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,471 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [-1  4]
[ 2019-08-21 15:11:17,471 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,471 ] [ DEBUG ] [ infer:130 ]  Partial infer for Tile_2/multiples
[ 2019-08-21 15:11:17,471 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,471 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,471 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,471 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [4], value = [1 1 1 1]
[ 2019-08-21 15:11:17,472 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,472 ] [ DEBUG ] [ infer:130 ]  Partial infer for ExpandDims_3/dim
[ 2019-08-21 15:11:17,472 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,472 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,472 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,472 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 2
[ 2019-08-21 15:11:17,472 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,472 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_9/stack_2
[ 2019-08-21 15:11:17,472 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,472 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,472 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,473 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,473 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,473 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_9/stack_1
[ 2019-08-21 15:11:17,473 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,473 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,473 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,473 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [2]
[ 2019-08-21 15:11:17,473 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,473 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_9/stack
[ 2019-08-21 15:11:17,473 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,474 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,476 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,477 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,477 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,477 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_8/stack_2
[ 2019-08-21 15:11:17,477 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,477 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,477 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,477 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,477 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,477 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_8/stack_1
[ 2019-08-21 15:11:17,478 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,478 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,478 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,478 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,478 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,478 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_8/stack
[ 2019-08-21 15:11:17,479 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,479 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,479 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,479 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,479 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,479 ] [ DEBUG ] [ infer:130 ]  Partial infer for Tile_1/multiples/2
[ 2019-08-21 15:11:17,480 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,480 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,480 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,480 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,480 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,480 ] [ DEBUG ] [ infer:130 ]  Partial infer for Tile_1/multiples/ExpandDims_1209713224
[ 2019-08-21 15:11:17,480 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,481 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,481 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,481 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,481 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,482 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,482 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,482 ] [ DEBUG ] [ infer:130 ]  Partial infer for Tile_1/multiples/1
[ 2019-08-21 15:11:17,482 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,482 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,482 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,482 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,482 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,482 ] [ DEBUG ] [ infer:130 ]  Partial infer for Tile_1/multiples/ExpandDims_1209613222
[ 2019-08-21 15:11:17,482 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,483 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,483 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,483 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,484 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,484 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,484 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,484 ] [ DEBUG ] [ infer:130 ]  Partial infer for ExpandDims_2/dim
[ 2019-08-21 15:11:17,484 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,484 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,484 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,484 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,484 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,484 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_6/stack_2
[ 2019-08-21 15:11:17,485 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,488 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,488 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,488 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,488 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,488 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_6/stack_1
[ 2019-08-21 15:11:17,488 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,488 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,488 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,489 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,489 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,489 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_6/stack
[ 2019-08-21 15:11:17,489 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,489 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,489 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,490 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,490 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,490 ] [ DEBUG ] [ infer:130 ]  Partial infer for ExpandDims_1/dim
[ 2019-08-21 15:11:17,490 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,490 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,490 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,491 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 2
[ 2019-08-21 15:11:17,491 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,491 ] [ DEBUG ] [ infer:130 ]  Partial infer for Tile/multiples/1
[ 2019-08-21 15:11:17,491 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,491 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,491 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,491 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,492 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,492 ] [ DEBUG ] [ infer:130 ]  Partial infer for Tile/multiples/ExpandDims_1181012788
[ 2019-08-21 15:11:17,492 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,492 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,492 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,493 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,493 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,493 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,493 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,493 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_5/stack_2
[ 2019-08-21 15:11:17,493 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,493 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,493 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,493 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,494 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,494 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_5/stack_1
[ 2019-08-21 15:11:17,494 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,494 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,494 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,494 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,494 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,494 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_5/stack
[ 2019-08-21 15:11:17,494 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,494 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,495 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,495 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,495 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,495 ] [ DEBUG ] [ infer:130 ]  Partial infer for ExpandDims/dim
[ 2019-08-21 15:11:17,495 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,495 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,495 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,495 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,495 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,496 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_4/stack_2
[ 2019-08-21 15:11:17,496 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,496 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,496 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,496 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,496 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,496 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_4/stack_1
[ 2019-08-21 15:11:17,496 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,497 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,499 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,500 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,500 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,500 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_4/stack
[ 2019-08-21 15:11:17,500 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,500 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,501 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,501 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,501 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,501 ] [ DEBUG ] [ infer:130 ]  Partial infer for ClipToWindow/Reshape/shape
[ 2019-08-21 15:11:17,501 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,501 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,501 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,502 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,502 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,502 ] [ DEBUG ] [ infer:130 ]  Partial infer for ClipToWindow/Greater/y
[ 2019-08-21 15:11:17,502 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,502 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,502 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,502 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.0
[ 2019-08-21 15:11:17,502 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,502 ] [ DEBUG ] [ infer:130 ]  Partial infer for ClipToWindow/Area/split/split_dim
[ 2019-08-21 15:11:17,503 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,503 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,503 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,503 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,503 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,503 ] [ DEBUG ] [ infer:130 ]  Partial infer for ClipToWindow/concat/axis
[ 2019-08-21 15:11:17,503 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,503 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,503 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,503 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,503 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,504 ] [ DEBUG ] [ infer:130 ]  Partial infer for ClipToWindow/split/split_dim
[ 2019-08-21 15:11:17,504 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,504 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,504 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,504 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,504 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,504 ] [ DEBUG ] [ infer:130 ]  Partial infer for stack/1
[ 2019-08-21 15:11:17,504 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,504 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,504 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,504 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,505 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,505 ] [ DEBUG ] [ infer:130 ]  Partial infer for stack/ExpandDims_1225313454
[ 2019-08-21 15:11:17,505 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,505 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,505 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,506 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,506 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,506 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,506 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,506 ] [ DEBUG ] [ infer:130 ]  Partial infer for stack/0
[ 2019-08-21 15:11:17,506 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,506 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,506 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,506 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,506 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,507 ] [ DEBUG ] [ infer:130 ]  Partial infer for stack/ExpandDims_13452
[ 2019-08-21 15:11:17,507 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,507 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,507 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,511 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,511 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,511 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,511 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,511 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_3/stack_2
[ 2019-08-21 15:11:17,511 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,512 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,512 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,512 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,512 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,512 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_3/stack_1
[ 2019-08-21 15:11:17,512 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,513 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,513 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,513 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [3]
[ 2019-08-21 15:11:17,513 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,513 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_3/stack
[ 2019-08-21 15:11:17,513 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,513 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,514 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,514 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [2]
[ 2019-08-21 15:11:17,514 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,514 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_2/stack_2
[ 2019-08-21 15:11:17,514 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,514 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,514 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,514 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,514 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,515 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_2/stack_1
[ 2019-08-21 15:11:17,515 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,515 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,515 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,515 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [2]
[ 2019-08-21 15:11:17,515 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,515 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_2/stack
[ 2019-08-21 15:11:17,515 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,515 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,515 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,516 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,516 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,516 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/stack_1/2
[ 2019-08-21 15:11:17,516 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,516 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,516 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,516 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 2
[ 2019-08-21 15:11:17,516 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,517 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/stack_1/ExpandDims_1177012728
[ 2019-08-21 15:11:17,517 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,517 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,517 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 2
[ 2019-08-21 15:11:17,518 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,518 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,518 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [2]
[ 2019-08-21 15:11:17,518 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,518 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/mul_3/y
[ 2019-08-21 15:11:17,518 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,518 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,518 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,519 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 12
[ 2019-08-21 15:11:17,521 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,521 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/stack/3
[ 2019-08-21 15:11:17,521 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,522 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,522 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,522 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 4
[ 2019-08-21 15:11:17,522 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,522 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/stack/ExpandDims_1167412588
[ 2019-08-21 15:11:17,522 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,523 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,523 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 4
[ 2019-08-21 15:11:17,523 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,523 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,524 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [4]
[ 2019-08-21 15:11:17,524 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,524 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/stack/2
[ 2019-08-21 15:11:17,524 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,524 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,524 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,525 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,525 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,525 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/stack/ExpandDims_1167312586
[ 2019-08-21 15:11:17,525 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:17,526 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,526 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,526 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,526 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,526 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,526 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,526 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/mul_1/y
[ 2019-08-21 15:11:17,527 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,527 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,527 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,527 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 12
[ 2019-08-21 15:11:17,527 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,527 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/strided_slice_2/stack_2
[ 2019-08-21 15:11:17,527 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,527 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,527 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,528 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,528 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,528 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/strided_slice_2/stack_1
[ 2019-08-21 15:11:17,528 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,528 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,528 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,528 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [3]
[ 2019-08-21 15:11:17,528 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,528 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/strided_slice_2/stack
[ 2019-08-21 15:11:17,528 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,529 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,529 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,529 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [2]
[ 2019-08-21 15:11:17,529 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,529 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/strided_slice_1/stack_2
[ 2019-08-21 15:11:17,529 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,529 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,529 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,529 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,529 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,533 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/strided_slice_1/stack_1
[ 2019-08-21 15:11:17,533 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,533 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,533 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,533 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [2]
[ 2019-08-21 15:11:17,533 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,533 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/strided_slice_1/stack
[ 2019-08-21 15:11:17,533 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,533 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,534 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,534 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,534 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,534 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/strided_slice/stack_2
[ 2019-08-21 15:11:17,534 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,535 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,535 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,535 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,535 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,535 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/strided_slice/stack_1
[ 2019-08-21 15:11:17,535 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,536 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,536 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,536 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,536 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,536 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/strided_slice/stack
[ 2019-08-21 15:11:17,536 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,536 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,536 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,538 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,538 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,538 ] [ DEBUG ] [ infer:130 ]  Partial infer for Conv/weights
[ 2019-08-21 15:11:17,538 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,538 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,538 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,539 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   3    3 1024  512], value = [[[[ 2.99645518e-03  1.42790871e-02 -9.73897986e-04 ...  5.27989957e-03
     1.17567473e-03 -5.48...
[ 2019-08-21 15:11:17,540 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,540 ] [ DEBUG ] [ infer:130 ]  Partial infer for Conv/weights/read
[ 2019-08-21 15:11:17,540 ] [ DEBUG ] [ infer:131 ]  Op: Identity
[ 2019-08-21 15:11:17,540 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,543 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [   3    3 1024  512], value = [[[[ 2.99645518e-03  1.42790871e-02 -9.73897986e-04 ...  5.27989957e-03
     1.17567473e-03 -5.48...
[ 2019-08-21 15:11:17,544 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,546 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   3    3 1024  512], value = [[[[ 2.99645518e-03  1.42790871e-02 -9.73897986e-04 ...  5.27989957e-03
     1.17567473e-03 -5.48...
[ 2019-08-21 15:11:17,546 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,546 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/concat/axis
[ 2019-08-21 15:11:17,546 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,547 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,547 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,547 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,547 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,547 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/mul_6/x
[ 2019-08-21 15:11:17,547 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,548 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,548 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,548 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.5
[ 2019-08-21 15:11:17,548 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,548 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/mul_5/x
[ 2019-08-21 15:11:17,548 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,549 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,549 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,549 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.5
[ 2019-08-21 15:11:17,549 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,549 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Reshape_3/shape
[ 2019-08-21 15:11:17,549 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,549 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,550 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,550 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [-1  2]
[ 2019-08-21 15:11:17,550 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,550 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Reshape_2/shape
[ 2019-08-21 15:11:17,550 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,550 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,550 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,550 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2], value = [-1  2]
[ 2019-08-21 15:11:17,551 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,551 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_3/ExpandedShape_1/concat/axis
[ 2019-08-21 15:11:17,551 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,551 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,551 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,551 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,551 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,551 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_3/ExpandedShape_1/Slice_1/size
[ 2019-08-21 15:11:17,551 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,551 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,551 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,552 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,552 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,552 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_3/ExpandedShape_1/Slice/begin
[ 2019-08-21 15:11:17,552 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,552 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,552 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,552 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,552 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,552 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_2/ExpandedShape_1/concat/axis
[ 2019-08-21 15:11:17,552 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,553 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,555 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,556 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,556 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,556 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_2/ExpandedShape_1/Slice_1/size
[ 2019-08-21 15:11:17,556 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,556 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,556 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,557 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,557 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,557 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_2/ExpandedShape_1/Slice/begin
[ 2019-08-21 15:11:17,557 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,557 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,557 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,558 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,558 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,558 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_1/ExpandedShape_1/concat/axis
[ 2019-08-21 15:11:17,558 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,558 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,558 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,558 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,558 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,558 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_1/ExpandedShape_1/Slice_1/size
[ 2019-08-21 15:11:17,558 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,559 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,559 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,559 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,559 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,559 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_1/ExpandedShape_1/Slice/begin
[ 2019-08-21 15:11:17,559 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,559 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,559 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,559 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,559 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,560 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_1/ExpandedShape/concat/axis
[ 2019-08-21 15:11:17,560 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,560 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,560 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,560 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,560 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,560 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_1/ExpandedShape/Slice_1/size
[ 2019-08-21 15:11:17,560 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,560 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,560 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,561 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:17,561 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,561 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_1/ExpandedShape/Slice/begin
[ 2019-08-21 15:11:17,561 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,561 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,561 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,561 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,561 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,561 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/range_1/delta
[ 2019-08-21 15:11:17,562 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,562 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,562 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,562 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,562 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,562 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/range_1/start
[ 2019-08-21 15:11:17,562 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,562 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,562 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,562 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,562 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,563 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/range/delta
[ 2019-08-21 15:11:17,563 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,563 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,563 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,563 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,563 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,563 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/range/start
[ 2019-08-21 15:11:17,563 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,563 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,563 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,563 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,564 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,567 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_1/stack_2
[ 2019-08-21 15:11:17,567 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,567 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,567 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,568 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,568 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,568 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_1/stack_1
[ 2019-08-21 15:11:17,568 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,568 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,568 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,569 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [3]
[ 2019-08-21 15:11:17,569 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,569 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice_1/stack
[ 2019-08-21 15:11:17,569 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,569 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,569 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,569 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [2]
[ 2019-08-21 15:11:17,570 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,570 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice/stack_2
[ 2019-08-21 15:11:17,570 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,570 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,570 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,570 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,570 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,570 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice/stack_1
[ 2019-08-21 15:11:17,570 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,570 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,571 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,571 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [2]
[ 2019-08-21 15:11:17,571 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,571 ] [ DEBUG ] [ infer:130 ]  Partial infer for strided_slice/stack
[ 2019-08-21 15:11:17,571 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,571 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,571 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,571 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,571 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,571 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block2/unit_4/bottleneck_v1/Pad/paddings
[ 2019-08-21 15:11:17,572 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,572 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,572 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,572 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [4 2], value = [[0 0]
 [1 1]
 [1 1]
 [0 0]]
[ 2019-08-21 15:11:17,572 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,572 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block1/unit_3/bottleneck_v1/Pad/paddings
[ 2019-08-21 15:11:17,572 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,572 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,572 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,573 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [4 2], value = [[0 0]
 [1 1]
 [1 1]
 [0 0]]
[ 2019-08-21 15:11:17,573 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,573 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/Pad/paddings
[ 2019-08-21 15:11:17,573 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,573 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,573 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,574 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [4 2], value = [[0 0]
 [3 3]
 [3 3]
 [0 0]]
[ 2019-08-21 15:11:17,574 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,574 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/sub/y
[ 2019-08-21 15:11:17,574 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,574 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,574 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,575 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1 1 3], value = [[[123.68  116.779 103.939]]]
[ 2019-08-21 15:11:17,575 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,575 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/sub/negate_
[ 2019-08-21 15:11:17,575 ] [ DEBUG ] [ infer:131 ]  Op: Mul
[ 2019-08-21 15:11:17,575 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,575 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [1 1 3], value = [[[123.68  116.779 103.939]]]
[ 2019-08-21 15:11:17,575 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1
[ 2019-08-21 15:11:17,576 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,579 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1 1 3], value = [[[-123.68  -116.779 -103.939]]]
[ 2019-08-21 15:11:17,579 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,579 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/TensorArrayStack_1/range/delta
[ 2019-08-21 15:11:17,580 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,580 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,580 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,580 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,580 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,580 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/TensorArrayStack_1/range/start
[ 2019-08-21 15:11:17,580 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,581 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,581 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,581 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,581 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,581 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/TensorArrayStack/range/delta
[ 2019-08-21 15:11:17,581 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,582 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,582 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,582 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,582 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,582 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/TensorArrayStack/range/start
[ 2019-08-21 15:11:17,582 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,582 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,582 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,583 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,583 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,583 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/Const
[ 2019-08-21 15:11:17,583 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,583 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,583 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,583 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,583 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,583 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/Enter
[ 2019-08-21 15:11:17,583 ] [ DEBUG ] [ infer:131 ]  Op: Enter
[ 2019-08-21 15:11:17,584 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,584 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,584 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,584 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,584 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,584 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/Merge
[ 2019-08-21 15:11:17,584 ] [ DEBUG ] [ infer:131 ]  Op: Merge
[ 2019-08-21 15:11:17,584 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,584 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,584 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = <UNKNOWN>, value = <UNKNOWN>
[ 2019-08-21 15:11:17,584 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,585 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:17,585 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,585 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/TensorArrayUnstack/range/delta
[ 2019-08-21 15:11:17,585 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,585 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,585 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,585 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:17,585 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,585 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/TensorArrayUnstack/range/start
[ 2019-08-21 15:11:17,585 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,585 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,586 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,586 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:17,586 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,586 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/TensorArrayUnstack/strided_slice/stack_2
[ 2019-08-21 15:11:17,586 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,586 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,586 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,586 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,586 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,587 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/TensorArrayUnstack/strided_slice/stack_1
[ 2019-08-21 15:11:17,587 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,587 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,587 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,587 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,587 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,587 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/TensorArrayUnstack/strided_slice/stack
[ 2019-08-21 15:11:17,587 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,587 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,587 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,588 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,591 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,591 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/strided_slice/stack_2
[ 2019-08-21 15:11:17,591 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,591 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,591 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,591 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,591 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,591 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/strided_slice/stack_1
[ 2019-08-21 15:11:17,592 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,592 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,592 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,592 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:17,593 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,593 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/strided_slice/stack
[ 2019-08-21 15:11:17,593 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,593 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,593 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,593 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:17,594 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,594 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/conv1/weights/read/_502__cf__508
[ 2019-08-21 15:11:17,594 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,594 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,594 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,599 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [ 7  7  3 64], value = [[[[ 4.64108249e-04 -1.74941553e-04 -1.95158224e-04 ...  1.61375152e-04
     4.36045288e-04 -2.63...
[ 2019-08-21 15:11:17,599 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,600 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,603 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,603 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,603 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,604 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [64], value = [ 1.3811203   1.0502448  -1.540443    5.452084    3.9308462   3.6434348
  2.334713   -1.9265155  ...
[ 2019-08-21 15:11:17,604 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,604 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block1/unit_1/bottleneck_v1/conv1/weights/read/_497__cf__503
[ 2019-08-21 15:11:17,604 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,604 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,604 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,605 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [ 1  1 64 64], value = [[[[ 0.00031623 -0.01128012  0.01996796 ...  0.05222897  0.00173036
    -0.05491556]
   [ 0.05375...
[ 2019-08-21 15:11:17,605 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,605 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block1/unit_1/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,606 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,606 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,606 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,606 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [64], value = [-2.4751043e+00  3.9588630e-02 -1.8484299e+00  3.5001514e+00
 -1.5810425e+00  5.3505678e+00  3.14...
[ 2019-08-21 15:11:17,607 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,607 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block1/unit_1/bottleneck_v1/conv2/weights/read/_492__cf__498
[ 2019-08-21 15:11:17,607 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,607 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,607 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,609 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [ 3  3 64 64], value = [[[[-3.55904340e-05 -5.05569438e-03  9.64875612e-03 ... -2.76672356e-02
     6.59038022e-04 -5.97...
[ 2019-08-21 15:11:17,610 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,610 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block1/unit_1/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,610 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,610 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,610 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,611 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [64], value = [-0.7343422   0.8418256   3.7955399   0.900686    2.051835    2.3549833
 -0.88262045 -1.578823   ...
[ 2019-08-21 15:11:17,614 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,614 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block1/unit_1/bottleneck_v1/conv3/weights/read/_487__cf__493
[ 2019-08-21 15:11:17,614 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,615 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,615 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,616 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  1   1  64 256], value = [[[[ 4.30948194e-06 -1.33537435e-06  2.20004907e-07 ... -1.22277243e-06
     2.51581191e-08  1.48...
[ 2019-08-21 15:11:17,616 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,616 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block1/unit_1/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,616 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,616 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,616 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,618 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [  0.424349    -1.972537     1.3978754   -0.7982131    2.4827313
  -0.15707403  -0.74834514   2.0...
[ 2019-08-21 15:11:17,619 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,619 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block1/unit_1/bottleneck_v1/shortcut/weights/read/_507__cf__513
[ 2019-08-21 15:11:17,619 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,619 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,619 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,620 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  1   1  64 256], value = [[[[-0.0224003  -0.01278749 -0.01815509 ... -0.03889255  0.03967233
    -0.0447415 ]
   [-0.01585...
[ 2019-08-21 15:11:17,620 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,620 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block1/unit_1/bottleneck_v1/shortcut/Conv2D_bn_offset
[ 2019-08-21 15:11:17,620 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,620 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,621 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,622 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [ 8.59432817e-02  1.44665825e+00  3.55349970e+00 -1.94488358e+00
  4.73191977e+00  2.60677481e+00...
[ 2019-08-21 15:11:17,622 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,623 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block1/unit_2/bottleneck_v1/conv1/weights/read/_482__cf__488
[ 2019-08-21 15:11:17,625 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,626 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,626 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,626 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  1   1 256  64], value = [[[[ 4.63978686e-05 -4.76801688e-05  6.97050473e-06 ...  9.23398966e-06
     1.11675663e-05  5.53...
[ 2019-08-21 15:11:17,627 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,627 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block1/unit_2/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,627 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,627 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,627 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,628 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [64], value = [-1.9465362e+00 -2.3402996e+00  5.8809769e-01  7.2492504e-01
 -5.4025662e-01  5.2374399e-01 -6.46...
[ 2019-08-21 15:11:17,628 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,628 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block1/unit_2/bottleneck_v1/conv2/weights/read/_477__cf__483
[ 2019-08-21 15:11:17,628 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,628 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,628 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,631 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [ 3  3 64 64], value = [[[[ 4.45543565e-02 -2.64205672e-02  2.18123924e-02 ... -6.17487682e-03
     1.30373263e-03  1.34...
[ 2019-08-21 15:11:17,631 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,631 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block1/unit_2/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,631 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,631 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,632 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,632 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [64], value = [-0.5421555  -0.77099836  2.6010833   0.95333755 -1.5628878   2.0529711
 -0.21615231 -1.7814732  ...
[ 2019-08-21 15:11:17,632 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,633 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block1/unit_2/bottleneck_v1/conv3/weights/read/_472__cf__478
[ 2019-08-21 15:11:17,633 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,633 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,633 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,634 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  1   1  64 256], value = [[[[-0.00893994 -0.03818517 -0.01459556 ... -0.00323571  0.15353067
     0.08434541]
   [-0.00432...
[ 2019-08-21 15:11:17,636 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,637 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block1/unit_2/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,637 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,637 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,637 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,639 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-2.56972611e-01  3.90341222e-01 -1.99360085e+00 -3.62123370e-01
 -7.77979493e-02  1.80408776e-01...
[ 2019-08-21 15:11:17,639 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,639 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block1/unit_3/bottleneck_v1/conv1/weights/read/_467__cf__473
[ 2019-08-21 15:11:17,639 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,640 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,640 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,640 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  1   1 256  64], value = [[[[ 5.0230687e-05 -7.3706848e-05  1.3710212e-04 ...  9.9079574e-05
    -5.8603277e-05 -8.5390806...
[ 2019-08-21 15:11:17,641 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,641 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block1/unit_3/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,641 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,641 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,641 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,642 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [64], value = [-1.3790115   0.7470263  -0.16422507 -0.27383205 -1.6613547  -0.05829925
  0.06354634  1.0735474 ...
[ 2019-08-21 15:11:17,642 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,642 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block1/unit_3/bottleneck_v1/conv2/weights/read/_462__cf__468
[ 2019-08-21 15:11:17,642 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,642 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,642 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,645 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [ 3  3 64 64], value = [[[[-1.27601977e-02 -3.24738733e-02  5.49894981e-02 ... -2.21614763e-02
     3.83016057e-02 -4.01...
[ 2019-08-21 15:11:17,648 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,648 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block1/unit_3/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,648 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,648 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,649 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,650 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [64], value = [-2.08606929e-01 -1.90749019e-01 -5.89796126e-01  8.77718925e-02
 -4.78530601e-02  1.27046812e+00...
[ 2019-08-21 15:11:17,650 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,650 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block1/unit_3/bottleneck_v1/conv3/weights/read/_457__cf__463
[ 2019-08-21 15:11:17,650 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,650 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,650 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,651 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  1   1  64 256], value = [[[[-3.1780124e-01 -4.9120084e-05  3.8937628e-02 ...  1.7965302e-01
     9.4941501e-03 -2.2689693...
[ 2019-08-21 15:11:17,651 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,651 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block1/unit_3/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,651 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,652 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,652 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,653 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [ 2.93428206e+00 -4.96919407e-03 -1.60695672e+00  2.57921720e+00
  2.69810051e-01 -1.83299184e-04...
[ 2019-08-21 15:11:17,654 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,654 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block2/unit_1/bottleneck_v1/conv1/weights/read/_452__cf__458
[ 2019-08-21 15:11:17,654 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,654 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,654 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,655 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  1   1 256 128], value = [[[[ 0.01242925 -0.01617105  0.01928404 ... -0.03529073  0.12490322
     0.01086236]
   [ 0.00119...
[ 2019-08-21 15:11:17,655 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,655 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block2/unit_1/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,655 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,655 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,655 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,656 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [128], value = [ 5.9609628e-01  9.8397374e-01  2.4939221e-01 -1.0748929e+00
 -2.2251666e+00  2.3392036e+00 -2.45...
[ 2019-08-21 15:11:17,656 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,656 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block2/unit_1/bottleneck_v1/conv2/weights/read/_447__cf__453
[ 2019-08-21 15:11:17,657 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,659 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,660 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,662 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 128 128], value = [[[[-6.27585053e-02 -2.27093901e-02 -7.22831255e-03 ...  2.15149907e-04
    -5.87685313e-03 -1.02...
[ 2019-08-21 15:11:17,662 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,662 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block2/unit_1/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,662 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,663 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,663 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,664 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [128], value = [-2.437534    0.03366986  0.8704955  -0.13714042  1.1917963   0.15543246
  3.3507264  -2.0535135 ...
[ 2019-08-21 15:11:17,664 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,664 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block2/unit_1/bottleneck_v1/conv3/weights/read/_442__cf__448
[ 2019-08-21 15:11:17,664 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,664 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,665 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,665 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  1   1 128 512], value = [[[[ 3.3026312e-02  9.4565272e-02 -7.8057669e-02 ... -1.8512672e-05
     7.0298538e-03  9.1885731...
[ 2019-08-21 15:11:17,665 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,665 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block2/unit_1/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,666 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,666 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,666 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,669 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [512], value = [ 1.26984537e-01  2.55484033e+00 -7.68113285e-02  1.21026313e+00
 -1.31856978e+00  1.44113564e+00...
[ 2019-08-21 15:11:17,671 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,671 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block2/unit_1/bottleneck_v1/shortcut/weights/read/_512__cf__518
[ 2019-08-21 15:11:17,671 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,671 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,671 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,672 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  1   1 256 512], value = [[[[-0.06350439 -0.00074033  0.19874777 ... -0.07117056 -0.08085252
     0.00090254]
   [-0.02478...
[ 2019-08-21 15:11:17,672 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,672 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block2/unit_1/bottleneck_v1/shortcut/Conv2D_bn_offset
[ 2019-08-21 15:11:17,672 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,673 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,673 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,676 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [512], value = [-4.80958641e-01  2.01284215e-01 -3.37211967e+00  2.26378369e+00
  2.90555656e-01  2.42487955e+00...
[ 2019-08-21 15:11:17,676 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,676 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block2/unit_2/bottleneck_v1/conv1/weights/read/_437__cf__443
[ 2019-08-21 15:11:17,676 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,677 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,677 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,677 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  1   1 512 128], value = [[[[ 0.03788782 -0.00450122  0.01117337 ... -0.00831605  0.01049219
     0.00545716]
   [-0.01825...
[ 2019-08-21 15:11:17,678 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,678 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block2/unit_2/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,678 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,678 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,678 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,680 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [128], value = [-2.3570065e+00  8.2345062e-01  6.6208571e-01 -8.1076598e-01
 -1.2077824e-01  4.1758227e-01 -1.35...
[ 2019-08-21 15:11:17,682 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,682 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block2/unit_2/bottleneck_v1/conv2/weights/read/_432__cf__438
[ 2019-08-21 15:11:17,682 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,683 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,683 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,685 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 128 128], value = [[[[ 0.00942923 -0.0267888  -0.02339642 ... -0.02133972  0.00591949
    -0.00099709]
   [-0.03661...
[ 2019-08-21 15:11:17,686 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,686 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block2/unit_2/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,686 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,686 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,686 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,687 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [128], value = [ 4.88662124e-02 -4.10541564e-01 -5.56426644e-02  2.37432480e+00
 -8.22197914e-01 -6.81068778e-01...
[ 2019-08-21 15:11:17,688 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,688 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block2/unit_2/bottleneck_v1/conv3/weights/read/_427__cf__433
[ 2019-08-21 15:11:17,688 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,688 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,688 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,689 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  1   1 128 512], value = [[[[-0.17786048  0.00280232 -0.00139161 ...  0.06216362  0.02002652
     0.01175307]
   [-0.10157...
[ 2019-08-21 15:11:17,689 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,689 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block2/unit_2/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,689 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,690 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,690 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,693 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [512], value = [-4.40973341e-02 -5.95078051e-01 -1.18573380e+00 -1.42431101e-02
 -4.23805594e-01  3.00072134e-01...
[ 2019-08-21 15:11:17,694 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,694 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block2/unit_3/bottleneck_v1/conv1/weights/read/_422__cf__428
[ 2019-08-21 15:11:17,694 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,694 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,694 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,695 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  1   1 512 128], value = [[[[-0.00987589 -0.00400306 -0.02098291 ... -0.0148908  -0.00690196
     0.01284756]
   [-0.07214...
[ 2019-08-21 15:11:17,695 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,695 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block2/unit_3/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,695 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,695 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,696 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,697 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [128], value = [ 7.81671226e-01 -4.98379827e-01  4.89879012e-01 -9.48889554e-02
  5.06000161e-01  5.66401958e-01...
[ 2019-08-21 15:11:17,697 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,697 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block2/unit_3/bottleneck_v1/conv2/weights/read/_417__cf__423
[ 2019-08-21 15:11:17,697 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,697 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,698 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,700 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 128 128], value = [[[[-0.03417458  0.00853314  0.01176196 ... -0.05733049 -0.0343987
    -0.03268218]
   [-0.019002...
[ 2019-08-21 15:11:17,701 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,701 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block2/unit_3/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,701 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,701 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,701 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,702 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [128], value = [-1.21702516e+00 -2.01508045e-01  3.36793423e-01  7.92401135e-02
  4.78265882e-02 -3.93141359e-01...
[ 2019-08-21 15:11:17,705 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,705 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block2/unit_3/bottleneck_v1/conv3/weights/read/_412__cf__418
[ 2019-08-21 15:11:17,705 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,705 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,705 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,706 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  1   1 128 512], value = [[[[-0.06310017 -0.01471212  0.00044062 ... -0.01175126 -0.11508672
    -0.03335478]
   [-0.03131...
[ 2019-08-21 15:11:17,706 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,706 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block2/unit_3/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,706 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,707 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,707 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,710 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [512], value = [-2.85549760e-01 -2.64841616e-01 -1.58844978e-01 -1.66807985e+00
  2.51951635e-01  2.97003746e-01...
[ 2019-08-21 15:11:17,710 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,710 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block2/unit_4/bottleneck_v1/conv1/weights/read/_407__cf__413
[ 2019-08-21 15:11:17,710 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,711 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,711 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,711 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  1   1 512 128], value = [[[[ 0.0072258  -0.04049483  0.01404724 ... -0.04347908 -0.02087065
    -0.01399305]
   [-0.02546...
[ 2019-08-21 15:11:17,712 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,712 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block2/unit_4/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,712 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,712 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,712 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,713 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [128], value = [-9.17880535e-02  5.25092483e-01 -6.40227735e-01 -2.38739252e-01
  3.06392312e-01 -1.48420990e-01...
[ 2019-08-21 15:11:17,714 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,717 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block2/unit_4/bottleneck_v1/conv2/weights/read/_402__cf__408
[ 2019-08-21 15:11:17,717 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,718 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,718 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,720 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 128 128], value = [[[[ 1.90913733e-02  3.55658531e-02  3.88441086e-02 ... -3.77886333e-02
     1.56798551e-03 -1.27...
[ 2019-08-21 15:11:17,721 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,721 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block2/unit_4/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,721 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,721 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,721 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,722 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [128], value = [ 0.09800774  0.03799695  0.4950545   0.28906214 -0.11270463  0.3860771
 -0.66385466 -0.24618977 ...
[ 2019-08-21 15:11:17,722 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,722 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block2/unit_4/bottleneck_v1/conv3/weights/read/_397__cf__403
[ 2019-08-21 15:11:17,723 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,723 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,723 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,723 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  1   1 128 512], value = [[[[-1.6549410e-02 -6.4734765e-03 -3.2181110e-02 ...  6.6934258e-04
     1.2504861e-01 -6.3026050...
[ 2019-08-21 15:11:17,724 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,724 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block2/unit_4/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,724 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,724 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,724 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,728 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [512], value = [ 2.69558239e+00  1.63806483e-01 -2.18443608e+00  2.31741357e+00
  1.21764183e-01 -2.39354954e-03...
[ 2019-08-21 15:11:17,729 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,729 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_1/bottleneck_v1/conv1/weights/read/_392__cf__398
[ 2019-08-21 15:11:17,729 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,730 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,730 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,730 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  1   1 512 256], value = [[[[-0.00405173 -0.01054402 -0.03977202 ... -0.00359251 -0.00125046
    -0.02903028]
   [ 0.01140...
[ 2019-08-21 15:11:17,731 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,731 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_1/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,731 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,731 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,731 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,733 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [ 0.7113526   1.0857633   0.8299122  -1.1718578   0.11896931 -0.2419886
 -1.0371301  -0.7652793  ...
[ 2019-08-21 15:11:17,734 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,734 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_1/bottleneck_v1/conv2/weights/read/_387__cf__393
[ 2019-08-21 15:11:17,734 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,734 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,734 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,737 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[-8.71284679e-03  1.81176271e-02 -1.65016558e-02 ...  7.90401921e-03
     2.51549971e-03 -6.15...
[ 2019-08-21 15:11:17,737 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,737 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_1/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,738 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,740 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,741 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,742 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-0.40119505 -0.691105   -0.3883029   1.274854    0.38154036  0.2032451
  0.5815004  -0.9339087  ...
[ 2019-08-21 15:11:17,743 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,743 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_1/bottleneck_v1/conv3/weights/read/_382__cf__388
[ 2019-08-21 15:11:17,743 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,743 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,743 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,744 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[-0.01777647 -0.05629966 -0.00290748 ... -0.05425401  0.03030267
     0.02421303]
   [-0.61191...
[ 2019-08-21 15:11:17,744 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,744 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_1/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,744 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,744 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,744 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,745 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [ 0.22093366  1.5324203   0.53350055 ... -0.25482124 -0.24413952
 -0.41256803]
[ 2019-08-21 15:11:17,745 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,745 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_1/bottleneck_v1/shortcut/weights/read/_517__cf__523
[ 2019-08-21 15:11:17,745 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,745 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,745 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,746 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  512 1024], value = [[[[-0.11115226 -0.00698497 -0.04536846 ... -0.07111143 -0.06974979
     0.03325446]
   [-0.05400...
[ 2019-08-21 15:11:17,746 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,746 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_1/bottleneck_v1/shortcut/Conv2D_bn_offset
[ 2019-08-21 15:11:17,746 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,746 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,746 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,747 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [ 0.79828227  4.239912   -0.2516005  ...  0.48758242 -0.53584623
  1.6774969 ]
[ 2019-08-21 15:11:17,747 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,747 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_2/bottleneck_v1/conv1/weights/read/_377__cf__383
[ 2019-08-21 15:11:17,747 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,747 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,747 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,748 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[-0.01133961  0.01263868 -0.00534887 ... -0.00451139 -0.00263864
     0.00249622]
   [ 0.00207...
[ 2019-08-21 15:11:17,748 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,748 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_2/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,748 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,748 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,748 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,750 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-0.35520422 -0.7842494  -0.83296835 -0.5839054  -0.43344134  0.1874555
  0.98109436 -0.40291536 ...
[ 2019-08-21 15:11:17,752 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,752 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_2/bottleneck_v1/conv2/weights/read/_372__cf__378
[ 2019-08-21 15:11:17,752 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,752 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,752 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,755 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[-2.19557507e-04 -3.01199791e-04 -8.69192928e-03 ... -6.53646048e-03
     6.96349237e-03 -1.71...
[ 2019-08-21 15:11:17,755 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,755 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_2/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,756 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,756 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,756 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,758 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [ 0.3826265  -0.29609573 -0.44054222 -0.67305017  0.4246816  -0.8633474
 -0.58027685  1.346803   ...
[ 2019-08-21 15:11:17,758 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,758 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_2/bottleneck_v1/conv3/weights/read/_367__cf__373
[ 2019-08-21 15:11:17,758 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,758 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,759 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,759 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[-2.30304687e-03  9.70856100e-03 -1.32876486e-01 ...  3.93917114e-02
     4.69251722e-03  7.28...
[ 2019-08-21 15:11:17,760 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,760 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_2/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,760 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,760 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,760 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,760 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [-0.1793291   0.09759636  0.9659663  ...  0.08486253 -0.9534179
  0.07942396]
[ 2019-08-21 15:11:17,764 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,764 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_3/bottleneck_v1/conv1/weights/read/_362__cf__368
[ 2019-08-21 15:11:17,764 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,764 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,764 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,765 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[ 0.00382992  0.00216053 -0.0116993  ... -0.01373266 -0.00308101
    -0.00765375]
   [ 0.00565...
[ 2019-08-21 15:11:17,765 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,765 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_3/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,765 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,765 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,766 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,768 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [ 7.03340530e-01  1.59973216e+00  3.34033310e-01 -3.61618936e-01
 -1.82068157e+00 -6.56980753e-01...
[ 2019-08-21 15:11:17,768 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,768 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_3/bottleneck_v1/conv2/weights/read/_357__cf__363
[ 2019-08-21 15:11:17,768 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,768 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,769 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,771 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[ 1.03563378e-02  1.18010370e-02 -4.12396118e-02 ...  1.58134114e-03
    -1.23850713e-02 -4.21...
[ 2019-08-21 15:11:17,771 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,771 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_3/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,771 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,772 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,774 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,776 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [ 5.79534888e-01 -1.36327744e-02 -5.69676757e-02  2.23652482e-01
 -6.97614253e-01 -3.15594077e-01...
[ 2019-08-21 15:11:17,776 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,777 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_3/bottleneck_v1/conv3/weights/read/_352__cf__358
[ 2019-08-21 15:11:17,777 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,777 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,777 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,777 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[ 0.02069903 -0.00116222 -0.04376029 ...  0.0524575  -0.0655622
    -0.01419311]
   [ 0.030328...
[ 2019-08-21 15:11:17,778 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,778 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_3/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,778 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,778 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,778 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,778 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [ 0.05567572 -0.17946015  0.47063375 ...  0.22522157 -0.5962442
 -0.3664487 ]
[ 2019-08-21 15:11:17,779 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,779 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_4/bottleneck_v1/conv1/weights/read/_347__cf__353
[ 2019-08-21 15:11:17,779 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,779 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,779 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,779 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[ 1.0596439e-02  1.0093055e-02 -5.8755130e-03 ... -6.3341069e-03
    -7.4430043e-03  5.9202602...
[ 2019-08-21 15:11:17,780 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,780 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_4/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,780 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,780 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,780 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,782 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-8.16664100e-01 -7.59975672e-01 -6.10798597e-04 -1.46581173e-01
 -1.36470631e-01 -2.92771578e-01...
[ 2019-08-21 15:11:17,782 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,782 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_4/bottleneck_v1/conv2/weights/read/_342__cf__348
[ 2019-08-21 15:11:17,782 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,782 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,782 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,785 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[ 0.02423852 -0.01132412  0.03339144 ... -0.0004745   0.02629062
    -0.00981945]
   [-0.00411...
[ 2019-08-21 15:11:17,786 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,786 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_4/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,786 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,786 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,786 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,788 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [ 1.11297297e+00  5.41678667e-02  1.95151865e-01 -9.17464972e-01
 -1.41584456e-01  3.94261926e-01...
[ 2019-08-21 15:11:17,788 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,788 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_4/bottleneck_v1/conv3/weights/read/_337__cf__343
[ 2019-08-21 15:11:17,788 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,788 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,789 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,789 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[-0.03947022  0.06245787 -0.03144765 ... -0.06009795 -0.01443091
     0.03650019]
   [ 0.00913...
[ 2019-08-21 15:11:17,789 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,789 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_4/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,789 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,789 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,790 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,790 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [-0.0762777  -0.55019695  0.60213864 ... -0.09102306 -0.5356765
 -0.3146617 ]
[ 2019-08-21 15:11:17,790 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,790 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_5/bottleneck_v1/conv1/weights/read/_332__cf__338
[ 2019-08-21 15:11:17,790 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,790 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,791 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,791 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[ 2.8684628e-03 -4.5896890e-03 -4.5487178e-03 ...  9.4198771e-03
    -1.0981573e-05 -2.7068988...
[ 2019-08-21 15:11:17,791 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,791 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_5/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,791 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,792 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,792 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,793 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-2.8838623   0.5314789  -0.16913846 -1.2915249  -0.17988437 -0.62399304
 -0.29771698 -0.16374615...
[ 2019-08-21 15:11:17,794 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,794 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_5/bottleneck_v1/conv2/weights/read/_327__cf__333
[ 2019-08-21 15:11:17,794 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,794 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,794 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,797 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[-3.74361016e-02 -5.09657757e-03 -9.95790397e-05 ...  8.48262198e-03
    -2.95320264e-04  2.10...
[ 2019-08-21 15:11:17,798 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,798 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_5/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,798 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,798 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,798 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,800 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-0.118797   -1.0454847   0.49328157 -0.1204524  -0.8885338  -0.1215387
  0.19107527 -0.23166981 ...
[ 2019-08-21 15:11:17,801 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,801 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_5/bottleneck_v1/conv3/weights/read/_322__cf__328
[ 2019-08-21 15:11:17,801 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,801 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,801 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,802 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[ 0.00342742  0.14500782 -0.01213852 ... -0.36036238  0.17305407
    -0.00149647]
   [ 0.01594...
[ 2019-08-21 15:11:17,802 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,802 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_5/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,802 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,802 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,802 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,803 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [ 0.10354734  0.00079679  0.44429773 ...  0.12962627 -0.41226017
 -0.5313784 ]
[ 2019-08-21 15:11:17,803 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,803 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_6/bottleneck_v1/conv1/weights/read/_317__cf__323
[ 2019-08-21 15:11:17,803 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,803 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,803 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,804 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[ 0.00443793 -0.01845037 -0.0061293  ...  0.0058228   0.00357379
     0.00678192]
   [ 0.00046...
[ 2019-08-21 15:11:17,804 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,804 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_6/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,804 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,804 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,804 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,806 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-1.7205193   0.42818356 -0.9767865   0.32112375 -1.1003852  -0.15591028
  0.07104766 -1.3628464 ...
[ 2019-08-21 15:11:17,806 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,806 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_6/bottleneck_v1/conv2/weights/read/_312__cf__318
[ 2019-08-21 15:11:17,806 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,806 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,806 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,811 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[ 0.00986296 -0.00553223  0.02304729 ... -0.01467825 -0.00067494
    -0.01051523]
   [-0.00607...
[ 2019-08-21 15:11:17,812 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,812 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_6/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,812 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,812 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,812 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,814 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-0.28737706  0.02091849  0.13317609 -0.50066096  0.05553234 -0.30614182
  0.23491505 -0.05276984...
[ 2019-08-21 15:11:17,814 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,815 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_6/bottleneck_v1/conv3/weights/read/_307__cf__313
[ 2019-08-21 15:11:17,815 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,815 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,815 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,816 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[ 0.05125834 -0.06581296 -0.11316475 ... -0.27769384  0.20829429
     0.04256414]
   [ 0.17945...
[ 2019-08-21 15:11:17,816 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,816 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_6/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,816 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,816 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,816 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,817 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [-0.24281871 -0.22264242  0.22961232 ...  0.20283046 -0.21185799
 -0.73926973]
[ 2019-08-21 15:11:17,817 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,817 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_7/bottleneck_v1/conv1/weights/read/_302__cf__308
[ 2019-08-21 15:11:17,817 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,820 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,821 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,821 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[-0.01858268  0.00715097 -0.0063538  ...  0.00998313  0.00643032
     0.00846394]
   [ 0.00264...
[ 2019-08-21 15:11:17,821 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,821 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_7/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,822 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,822 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,822 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,824 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-0.16669732  0.7776865  -0.79015565 -1.0900884   0.21281198  0.25894648
 -0.00528789 -1.1452413 ...
[ 2019-08-21 15:11:17,824 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,824 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_7/bottleneck_v1/conv2/weights/read/_297__cf__303
[ 2019-08-21 15:11:17,824 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,824 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,824 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,827 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[-2.31164340e-02  2.31752335e-03  3.25918086e-02 ...  1.54007487e-02
     2.68840939e-02  5.78...
[ 2019-08-21 15:11:17,827 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,827 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_7/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,827 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,827 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,827 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,829 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [ 4.45931256e-01 -4.08496857e-02  2.47798562e-02 -2.44028389e-01
  2.18019307e-01  4.32908535e-02...
[ 2019-08-21 15:11:17,832 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,832 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_7/bottleneck_v1/conv3/weights/read/_292__cf__298
[ 2019-08-21 15:11:17,832 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,832 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,832 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,833 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[ 0.0195188   0.02067995 -0.00068872 ...  0.52524984  0.26216403
     0.03104902]
   [-0.03791...
[ 2019-08-21 15:11:17,834 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,834 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_7/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,834 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,834 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,834 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,835 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [-0.3774263  -0.3761122  -0.08942723 ...  0.61681014  0.41731378
 -0.47806782]
[ 2019-08-21 15:11:17,835 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,835 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_8/bottleneck_v1/conv1/weights/read/_287__cf__293
[ 2019-08-21 15:11:17,835 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,835 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,835 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,836 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[-0.02978607  0.00581992 -0.00705271 ... -0.00622403  0.00590882
     0.00348403]
   [-0.00958...
[ 2019-08-21 15:11:17,836 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,836 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_8/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,836 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,837 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,837 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,839 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-5.8433825e-01 -9.5147640e-01 -9.5011216e-01 -2.6720712e-01
 -2.9048467e-01  2.6145089e-01 -3.14...
[ 2019-08-21 15:11:17,839 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,839 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_8/bottleneck_v1/conv2/weights/read/_282__cf__288
[ 2019-08-21 15:11:17,839 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,839 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,839 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,842 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[ 2.08052378e-02  3.60903516e-02  3.89397033e-02 ... -5.07981554e-02
     8.71954020e-04  3.86...
[ 2019-08-21 15:11:17,843 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,844 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_8/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,844 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,844 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,844 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,846 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-0.4175248  -0.16458601 -0.7466825  -0.22808975  0.18114522 -0.22137505
  0.22076625  0.29203224...
[ 2019-08-21 15:11:17,846 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,846 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_8/bottleneck_v1/conv3/weights/read/_277__cf__283
[ 2019-08-21 15:11:17,846 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,846 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,846 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,847 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[-0.22957745 -0.0885928   0.08172584 ... -0.06124607  0.13293473
    -0.00105588]
   [ 0.04487...
[ 2019-08-21 15:11:17,847 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,847 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_8/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,847 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,848 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,848 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,848 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [ 0.6739772  -0.39573833 -0.14817068 ... -0.4774291  -0.26073232
 -0.32155573]
[ 2019-08-21 15:11:17,848 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,848 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_9/bottleneck_v1/conv1/weights/read/_272__cf__278
[ 2019-08-21 15:11:17,849 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,849 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,849 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,849 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[ 0.00343918  0.00661883 -0.0056509  ... -0.00288614 -0.00336998
     0.00236383]
   [-0.02325...
[ 2019-08-21 15:11:17,850 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,850 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_9/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,850 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,850 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,850 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,852 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-0.9138236  -0.63814276 -0.5391281  -0.97924423 -0.08791906 -0.7286261
 -1.2555107  -0.59011626 ...
[ 2019-08-21 15:11:17,855 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,855 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_9/bottleneck_v1/conv2/weights/read/_267__cf__273
[ 2019-08-21 15:11:17,855 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,855 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,855 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,858 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[ 1.49458703e-02  7.21594021e-02 -9.10941660e-02 ... -4.49147224e-02
     2.67457832e-02  9.79...
[ 2019-08-21 15:11:17,858 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,858 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_9/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,858 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,858 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,858 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,860 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [ 5.32522678e-01 -2.80919909e-01 -5.60434222e-01  1.71560645e-02
  1.38803571e-01  4.22450304e-01...
[ 2019-08-21 15:11:17,861 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,861 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_9/bottleneck_v1/conv3/weights/read/_262__cf__268
[ 2019-08-21 15:11:17,861 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,861 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,861 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,862 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[-0.0480752   0.02153455 -0.07169733 ... -0.08926089  0.03374584
    -0.16050044]
   [-0.01334...
[ 2019-08-21 15:11:17,862 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,862 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_9/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,866 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,866 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,866 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,867 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [0.01975647 0.37272942 0.14801654 ... 0.16525522 0.2137172  3.2086868 ]
[ 2019-08-21 15:11:17,867 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,867 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_10/bottleneck_v1/conv1/weights/read/_257__cf__263
[ 2019-08-21 15:11:17,867 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,868 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,868 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,868 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[-0.00581512 -0.00726025 -0.01454726 ... -0.01057408 -0.01523411
    -0.01083865]
   [ 0.01108...
[ 2019-08-21 15:11:17,869 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,869 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_10/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,869 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,869 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,869 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,871 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [ 0.00437874 -1.0407349  -0.20897731  0.8353066   0.00382417 -0.01226807
 -0.1483759  -0.09940428...
[ 2019-08-21 15:11:17,871 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,872 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_10/bottleneck_v1/conv2/weights/read/_252__cf__258
[ 2019-08-21 15:11:17,872 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,872 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,872 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,874 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[-5.26833646e-02  3.81134520e-03  2.28320677e-02 ... -2.53645405e-02
     7.87444972e-03 -8.55...
[ 2019-08-21 15:11:17,876 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,877 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_10/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,877 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,877 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,877 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,879 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-2.7658075e-01  2.5479272e-01 -9.8050284e-01  4.0418875e-01
 -1.3318160e-01  4.6557549e-01 -1.86...
[ 2019-08-21 15:11:17,879 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,879 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_10/bottleneck_v1/conv3/weights/read/_247__cf__253
[ 2019-08-21 15:11:17,879 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,879 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,879 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,880 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[ 2.07422599e-01 -1.02116644e-01  6.27835169e-02 ...  1.18874684e-01
     1.24141447e-01 -1.45...
[ 2019-08-21 15:11:17,880 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,880 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_10/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,880 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,880 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,880 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,881 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [-0.1289697   0.08561569  0.21018787 ... -0.3687311  -0.13785255
 -0.05144531]
[ 2019-08-21 15:11:17,881 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,881 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_11/bottleneck_v1/conv1/weights/read/_242__cf__248
[ 2019-08-21 15:11:17,881 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,881 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,881 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,882 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[ 0.01112397 -0.01631949 -0.00930312 ... -0.0264788  -0.00584631
     0.01867755]
   [-0.00139...
[ 2019-08-21 15:11:17,882 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,882 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_11/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,882 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,882 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,882 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,884 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-5.23794234e-01 -6.30773067e-01 -1.31218582e-01 -4.51147020e-01
  8.33667815e-04  3.95931005e-02...
[ 2019-08-21 15:11:17,884 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,887 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_11/bottleneck_v1/conv2/weights/read/_237__cf__243
[ 2019-08-21 15:11:17,887 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,888 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,888 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,890 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[-0.02066823 -0.01819543 -0.00598208 ... -0.02192373  0.02425792
     0.01738521]
   [-0.00142...
[ 2019-08-21 15:11:17,890 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,891 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_11/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,891 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,891 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,891 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,893 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-2.40241766e-01  1.06453419e-01  1.78684413e-01  2.21279114e-01
  6.02098703e-02 -4.06702161e-01...
[ 2019-08-21 15:11:17,893 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,893 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_11/bottleneck_v1/conv3/weights/read/_232__cf__238
[ 2019-08-21 15:11:17,893 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,894 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,894 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,894 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[ 0.06340767 -0.08853634  0.24140546 ...  0.00620968 -0.06282786
    -0.01075423]
   [-0.00112...
[ 2019-08-21 15:11:17,894 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,895 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_11/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,895 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,895 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,895 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,895 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [-0.13077869 -0.0710028   0.4475705  ... -0.32948688  0.23885196
  0.07583773]
[ 2019-08-21 15:11:17,896 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,899 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_12/bottleneck_v1/conv1/weights/read/_227__cf__233
[ 2019-08-21 15:11:17,899 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,899 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,899 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,900 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[-0.0130918   0.00776875  0.00526549 ... -0.01739492 -0.00882907
    -0.02217237]
   [ 0.00756...
[ 2019-08-21 15:11:17,900 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,900 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_12/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,901 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,901 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,901 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,903 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-0.80954725 -0.39100164 -0.66784585 -0.6013833  -0.8866539  -0.5866025
 -0.55701005 -1.3769547  ...
[ 2019-08-21 15:11:17,903 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,903 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_12/bottleneck_v1/conv2/weights/read/_222__cf__228
[ 2019-08-21 15:11:17,904 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,904 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,904 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,906 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[ 2.93080211e-02  6.12828089e-03  3.82028669e-02 ... -7.63920275e-03
     4.74995710e-02  6.96...
[ 2019-08-21 15:11:17,906 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,906 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_12/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,908 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,909 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,909 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,911 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-0.14419913 -0.30514467 -0.19178951  0.19376618  0.48141885 -0.08922195
  0.8209733  -1.1228702 ...
[ 2019-08-21 15:11:17,911 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,911 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_12/bottleneck_v1/conv3/weights/read/_217__cf__223
[ 2019-08-21 15:11:17,911 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,911 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,911 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,912 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[-1.15616526e-02  2.74158359e-01  5.86961722e-03 ... -9.00606588e-02
     1.95284367e-01 -4.03...
[ 2019-08-21 15:11:17,912 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,912 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_12/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,912 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,913 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,913 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,913 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [ 0.09588763  0.4233136   0.3496337  ...  0.14031777 -0.45476997
 -0.15886222]
[ 2019-08-21 15:11:17,913 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,913 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_13/bottleneck_v1/conv1/weights/read/_212__cf__218
[ 2019-08-21 15:11:17,914 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,914 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,914 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,914 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[-0.00725111  0.01212684  0.01876062 ... -0.00231433  0.00179822
     0.00180749]
   [ 0.00745...
[ 2019-08-21 15:11:17,915 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,915 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_13/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,915 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,915 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,915 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,917 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-7.75056303e-01 -6.57834649e-01 -1.25451535e-01 -4.09150094e-01
  1.49536908e-01  3.16332787e-01...
[ 2019-08-21 15:11:17,920 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,920 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_13/bottleneck_v1/conv2/weights/read/_207__cf__213
[ 2019-08-21 15:11:17,920 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,920 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,920 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,922 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[-1.15350876e-02 -1.97521187e-02  3.16374213e-03 ...  1.72976013e-02
    -6.88625187e-06  1.49...
[ 2019-08-21 15:11:17,923 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,923 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_13/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,923 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,923 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,923 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,925 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-1.38262022e+00  1.88896060e-02  1.07554626e+00  5.34664094e-01
  4.64452147e-01 -3.98691595e-01...
[ 2019-08-21 15:11:17,925 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,925 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_13/bottleneck_v1/conv3/weights/read/_202__cf__208
[ 2019-08-21 15:11:17,925 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,925 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,925 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,926 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[ 0.00175914  0.07438327 -0.00630371 ... -0.1765044  -0.04310325
     0.01758979]
   [ 0.09180...
[ 2019-08-21 15:11:17,926 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,926 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_13/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,926 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,927 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,927 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,927 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [ 0.047244    0.09320438  0.53586257 ...  0.16003078  0.22417682
 -0.1630114 ]
[ 2019-08-21 15:11:17,927 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,927 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_14/bottleneck_v1/conv1/weights/read/_197__cf__203
[ 2019-08-21 15:11:17,928 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,930 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,931 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,931 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[ 7.7334982e-03 -1.5297175e-02 -1.0391486e-02 ...  4.3668561e-03
     1.3524702e-02 -1.3250215...
[ 2019-08-21 15:11:17,931 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,932 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_14/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,932 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,932 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,932 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,934 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-0.3307007  -0.5042166   0.19714135 -0.34478956 -0.45056477 -0.3563705
 -1.0150865  -0.08122861 ...
[ 2019-08-21 15:11:17,934 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,934 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_14/bottleneck_v1/conv2/weights/read/_192__cf__198
[ 2019-08-21 15:11:17,935 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,935 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,935 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,937 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[-9.41939279e-02 -1.79741029e-02 -4.52345386e-02 ...  2.45908350e-01
    -4.40380275e-02 -7.73...
[ 2019-08-21 15:11:17,937 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,938 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_14/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,938 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,938 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,938 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,940 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-0.4842568   0.55843544  0.3400754   0.5067639  -0.8318213  -0.2961461
 -0.6402489   0.31525642 ...
[ 2019-08-21 15:11:17,942 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,942 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_14/bottleneck_v1/conv3/weights/read/_187__cf__193
[ 2019-08-21 15:11:17,942 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,942 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,942 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,943 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[-0.00720567 -0.00200151  0.01015673 ...  0.03668773 -0.05951352
    -0.02205336]
   [-0.05897...
[ 2019-08-21 15:11:17,943 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,943 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_14/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,943 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,943 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,943 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,944 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [-0.4529221   0.4557873   0.32937253 ...  0.4998069  -0.11963736
  0.20405117]
[ 2019-08-21 15:11:17,944 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,944 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_15/bottleneck_v1/conv1/weights/read/_182__cf__188
[ 2019-08-21 15:11:17,944 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,944 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,944 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,945 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[ 2.2569809e-02 -1.5708400e-03  2.3117068e-03 ...  2.7447097e-02
    -9.8316157e-03 -6.8231276...
[ 2019-08-21 15:11:17,945 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,945 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_15/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,945 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,945 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,945 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,947 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-0.651842   -1.0716193  -0.8554064  -0.96792185 -0.72640264 -0.19798249
 -0.5830505  -1.0988182 ...
[ 2019-08-21 15:11:17,947 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,947 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_15/bottleneck_v1/conv2/weights/read/_177__cf__183
[ 2019-08-21 15:11:17,947 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,948 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,948 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,950 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[-2.49345670e-03 -3.35693844e-02  1.25841210e-02 ... -3.97911072e-02
     2.43474878e-02 -5.07...
[ 2019-08-21 15:11:17,950 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,950 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_15/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,950 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,951 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,954 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,955 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [ 2.86961615e-01 -4.18123126e-01  4.00913477e-01  2.48694718e-01
 -1.38688028e-01 -5.70992410e-01...
[ 2019-08-21 15:11:17,956 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,956 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_15/bottleneck_v1/conv3/weights/read/_172__cf__178
[ 2019-08-21 15:11:17,956 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,956 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,956 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,957 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[ 0.0052174  -0.28927442 -0.18738721 ... -0.00996497  0.09861473
    -0.08105125]
   [ 0.05080...
[ 2019-08-21 15:11:17,957 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,957 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_15/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,957 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,957 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,958 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,958 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [-0.15233228  0.25657028  0.61837655 ... -0.4418515  -0.01153734
 -0.19461437]
[ 2019-08-21 15:11:17,958 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,958 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_16/bottleneck_v1/conv1/weights/read/_167__cf__173
[ 2019-08-21 15:11:17,958 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,959 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,959 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,959 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[ 7.49659305e-03  2.17450550e-03  3.50223482e-03 ... -1.70154292e-02
    -2.89016636e-03 -4.81...
[ 2019-08-21 15:11:17,959 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,959 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_16/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,959 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,960 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,960 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,962 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-0.773336   -0.9121206  -0.5324215   0.03277653  0.3271107  -0.41582346
 -0.85520685 -0.37583843...
[ 2019-08-21 15:11:17,965 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,965 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_16/bottleneck_v1/conv2/weights/read/_162__cf__168
[ 2019-08-21 15:11:17,965 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,965 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,965 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,968 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[-4.23654467e-02 -1.37500875e-02 -1.26220295e-02 ... -1.54328598e-02
     2.07913648e-02  6.50...
[ 2019-08-21 15:11:17,968 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,968 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_16/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,969 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,969 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,969 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,971 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-1.67092705e+00 -8.37914884e-01  5.02655327e-01  3.25867951e-01
  1.10877812e-01  1.95431113e-01...
[ 2019-08-21 15:11:17,971 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,971 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_16/bottleneck_v1/conv3/weights/read/_157__cf__163
[ 2019-08-21 15:11:17,971 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,971 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,972 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,972 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[ 0.0392926  -0.07441221 -0.06941497 ...  0.18499678  0.02093794
    -0.02630121]
   [-0.04745...
[ 2019-08-21 15:11:17,972 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,975 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_16/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,976 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,976 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,976 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,976 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [ 0.01531142  0.24804622 -0.21581566 ...  0.08206142 -0.2972537
 -0.05831825]
[ 2019-08-21 15:11:17,976 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,977 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_17/bottleneck_v1/conv1/weights/read/_152__cf__158
[ 2019-08-21 15:11:17,977 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,977 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,977 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,978 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[-0.00850539  0.00483116 -0.00337729 ...  0.00013587 -0.00885906
    -0.00064291]
   [ 0.01913...
[ 2019-08-21 15:11:17,978 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,978 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_17/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,978 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,978 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,978 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,980 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-2.0334977e-01 -4.9929121e-01 -7.7418441e-01 -2.4290439e-01
 -5.9077466e-01 -1.2013925e+00 -1.27...
[ 2019-08-21 15:11:17,980 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,980 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_17/bottleneck_v1/conv2/weights/read/_147__cf__153
[ 2019-08-21 15:11:17,981 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,981 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,981 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,983 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[-6.49647638e-02  5.54414019e-02  2.09154356e-02 ... -6.04901426e-02
    -3.09483930e-02  2.07...
[ 2019-08-21 15:11:17,983 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,983 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_17/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:17,983 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,986 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,987 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,988 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-3.46656591e-02  2.62327522e-01  7.10912108e-01  4.22393501e-01
 -2.08011478e-01 -3.57801527e-01...
[ 2019-08-21 15:11:17,989 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,989 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_17/bottleneck_v1/conv3/weights/read/_142__cf__148
[ 2019-08-21 15:11:17,989 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,989 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,989 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,990 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[-0.04878529 -0.16419953  0.03232806 ... -0.1233708   0.10814972
    -0.06757636]
   [-0.00175...
[ 2019-08-21 15:11:17,990 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,990 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_17/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:17,990 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,991 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,991 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,991 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [-0.5527916   0.02878508  0.15311736 ...  0.17362443 -0.0481334
  0.5754384 ]
[ 2019-08-21 15:11:17,991 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,992 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_18/bottleneck_v1/conv1/weights/read/_137__cf__143
[ 2019-08-21 15:11:17,992 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,992 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,992 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,992 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[-0.01140081  0.01438149  0.00570319 ... -0.00556249  0.00248343
    -0.00492338]
   [-0.01723...
[ 2019-08-21 15:11:17,993 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,993 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_18/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:17,993 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,993 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,993 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:17,995 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-8.7760466e-01 -4.4335994e-01  3.0702287e-01 -2.5431961e-01
 -5.0035447e-02 -3.6621061e-01 -7.49...
[ 2019-08-21 15:11:17,998 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:17,999 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_18/bottleneck_v1/conv2/weights/read/_132__cf__138
[ 2019-08-21 15:11:17,999 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:17,999 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:17,999 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,002 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[-0.01315852 -0.03900222 -0.09242561 ... -0.01338235  0.02814335
     0.02464122]
   [-0.00348...
[ 2019-08-21 15:11:18,002 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,002 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_18/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:18,002 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,002 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,003 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,004 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [ 9.10504460e-02 -3.99172306e-03 -8.52792203e-01 -4.89658117e-02
 -2.79446274e-01  4.77437884e-01...
[ 2019-08-21 15:11:18,005 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,005 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_18/bottleneck_v1/conv3/weights/read/_127__cf__133
[ 2019-08-21 15:11:18,005 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,005 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,005 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,006 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[ 3.38195823e-03 -9.25072879e-02  2.59109020e-01 ...  2.10712291e-02
     7.75615126e-02 -5.57...
[ 2019-08-21 15:11:18,006 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,007 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_18/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:18,009 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,009 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,010 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,010 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [ 0.23102246  0.08541796 -0.11555821 ... -0.002507    0.30109262
  0.38856566]
[ 2019-08-21 15:11:18,010 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,010 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_19/bottleneck_v1/conv1/weights/read/_122__cf__128
[ 2019-08-21 15:11:18,011 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,011 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,011 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,011 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[ 0.0061114   0.00753611 -0.00185965 ... -0.0090142  -0.01231551
     0.00830988]
   [ 0.00415...
[ 2019-08-21 15:11:18,012 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,012 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_19/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:18,012 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,012 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,012 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,014 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-1.51426113e+00  2.73546070e-01 -2.24737763e-01 -1.25644183e+00
 -2.72004426e-01  1.39551073e-01...
[ 2019-08-21 15:11:18,014 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,014 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_19/bottleneck_v1/conv2/weights/read/_117__cf__123
[ 2019-08-21 15:11:18,015 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,015 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,015 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,017 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[-5.09289689e-02  1.07865809e-02 -3.13787581e-03 ... -4.40243594e-02
     1.76549125e-02 -2.60...
[ 2019-08-21 15:11:18,021 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,021 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_19/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:18,021 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,021 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,021 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,023 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-0.06277347  0.41370326 -0.39819002  1.1824706  -0.2500946  -0.6068819
  0.28107706 -0.05790341 ...
[ 2019-08-21 15:11:18,024 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,024 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_19/bottleneck_v1/conv3/weights/read/_112__cf__118
[ 2019-08-21 15:11:18,024 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,024 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,024 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,025 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[-0.07311298 -0.05345644 -0.03690312 ...  0.12087156  0.11378829
    -0.02274548]
   [-0.00154...
[ 2019-08-21 15:11:18,025 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,025 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_19/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:18,025 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,025 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,026 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,026 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [ 0.17188254 -0.00495738 -0.67005384 ...  0.33126044  0.42149287
 -0.0539325 ]
[ 2019-08-21 15:11:18,026 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,026 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_20/bottleneck_v1/conv1/weights/read/_107__cf__113
[ 2019-08-21 15:11:18,026 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,026 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,027 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,027 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[ 3.09416908e-04 -1.87135395e-03 -2.97271907e-02 ... -5.38478186e-03
    -1.72796920e-02 -1.06...
[ 2019-08-21 15:11:18,027 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,027 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_20/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:18,028 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,028 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,028 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,029 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [ 8.14093053e-01 -1.01544037e-01 -3.43402445e-01 -5.67211151e-01
 -1.51276648e+00 -1.59439039e+00...
[ 2019-08-21 15:11:18,033 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,033 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_20/bottleneck_v1/conv2/weights/read/_102__cf__108
[ 2019-08-21 15:11:18,033 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,034 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,034 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,036 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[ 0.02033925 -0.05619948  0.02766515 ... -0.03943604 -0.02397275
     0.04895049]
   [-0.01205...
[ 2019-08-21 15:11:18,036 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,037 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_20/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:18,037 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,037 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,037 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,039 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [ 3.93973291e-01  6.75818443e-01  5.68278611e-01  4.82069731e-01
 -4.50898260e-01  2.63237834e-01...
[ 2019-08-21 15:11:18,039 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,039 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_20/bottleneck_v1/conv3/weights/read/_97__cf__103
[ 2019-08-21 15:11:18,039 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,040 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,040 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,040 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[-0.08231747  0.02115379 -0.2575433  ... -0.06801777 -0.2339971
    -0.00444602]
   [ 0.180265...
[ 2019-08-21 15:11:18,041 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,041 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_20/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:18,041 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,041 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,041 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,042 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [-0.15822881  0.21526286 -0.36310107 ...  0.14647907  0.02265519
  0.03741261]
[ 2019-08-21 15:11:18,045 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,045 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_21/bottleneck_v1/conv1/weights/read/_92__cf__98
[ 2019-08-21 15:11:18,045 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,046 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,046 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,046 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[ 1.13731390e-02 -8.37631896e-03  2.18193121e-02 ... -1.70757286e-02
    -3.48632387e-03  4.82...
[ 2019-08-21 15:11:18,047 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,047 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_21/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:18,047 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,047 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,047 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,049 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-7.42606819e-01 -8.55965793e-01 -9.54091966e-01 -1.24203396e+00
  9.21360254e-02 -8.59105825e-01...
[ 2019-08-21 15:11:18,049 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,050 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_21/bottleneck_v1/conv2/weights/read/_87__cf__93
[ 2019-08-21 15:11:18,050 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,050 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,050 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,052 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[-2.01551933e-02 -5.34659764e-03 -8.06970801e-03 ...  8.18072446e-03
     5.55610226e-04 -3.48...
[ 2019-08-21 15:11:18,053 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,053 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_21/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:18,053 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,053 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,053 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,055 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-4.71896082e-01 -7.80885041e-01  4.65753019e-01 -2.56956518e-02
 -4.58646774e-01  4.05569375e-01...
[ 2019-08-21 15:11:18,057 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,057 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_21/bottleneck_v1/conv3/weights/read/_82__cf__88
[ 2019-08-21 15:11:18,057 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,057 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,057 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,058 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[ 0.00559025 -0.09025199  0.01876297 ...  0.05103797  0.04869816
     0.03763796]
   [-0.09497...
[ 2019-08-21 15:11:18,058 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,058 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_21/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:18,058 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,058 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,059 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,059 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [ 0.24008277  0.00148129 -0.72791934 ...  0.16210009 -0.10902369
  0.2810657 ]
[ 2019-08-21 15:11:18,059 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,059 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_22/bottleneck_v1/conv1/weights/read/_77__cf__83
[ 2019-08-21 15:11:18,059 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,059 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,060 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,060 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[-0.01313389  0.01255915 -0.00572969 ...  0.01309469  0.01282999
    -0.01747883]
   [-0.01413...
[ 2019-08-21 15:11:18,060 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,060 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_22/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:18,060 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,060 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,061 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,062 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-1.1755111  -0.5365908  -0.6500316  -1.0251931  -0.65722525  0.00882782
 -1.2013793  -0.2064715 ...
[ 2019-08-21 15:11:18,062 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,063 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_22/bottleneck_v1/conv2/weights/read/_72__cf__78
[ 2019-08-21 15:11:18,063 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,063 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,063 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,065 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[ 1.61153488e-02 -5.72048128e-02 -3.50767449e-02 ... -4.06095423e-02
     3.33643192e-03 -4.33...
[ 2019-08-21 15:11:18,068 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,068 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_22/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:18,068 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,068 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,069 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,070 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-7.92632163e-01  4.61506963e-01  2.20414937e-01  2.48360962e-01
 -1.55725062e-01  1.97303772e-01...
[ 2019-08-21 15:11:18,071 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,071 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_22/bottleneck_v1/conv3/weights/read/_67__cf__73
[ 2019-08-21 15:11:18,071 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,071 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,071 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,072 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[ 0.07055156 -0.12039565 -0.35282555 ...  0.02579648 -0.04902595
     0.04006082]
   [ 0.00324...
[ 2019-08-21 15:11:18,072 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,072 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_22/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:18,072 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,072 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,073 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,073 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [-0.2687049  -0.31173667 -0.408555   ...  0.32076246  0.6928656
  0.32638955]
[ 2019-08-21 15:11:18,073 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,073 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_23/bottleneck_v1/conv1/weights/read/_62__cf__68
[ 2019-08-21 15:11:18,073 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,074 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,074 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,074 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  256], value = [[[[-0.00247971 -0.00503684 -0.01485991 ... -0.00062311 -0.01903238
    -0.0019224 ]
   [ 0.00540...
[ 2019-08-21 15:11:18,074 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,074 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_23/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:18,075 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,075 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,075 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,077 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [-0.51112264  0.06879699 -0.13792351 -0.62954384 -1.1817067   0.62597656
 -0.5191443  -0.27764863...
[ 2019-08-21 15:11:18,080 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,080 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_23/bottleneck_v1/conv2/weights/read/_57__cf__63
[ 2019-08-21 15:11:18,080 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,080 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,080 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,083 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 256 256], value = [[[[-0.0214379   0.01323416  0.07162884 ... -0.00383878 -0.08694868
     0.04481691]
   [-0.05313...
[ 2019-08-21 15:11:18,083 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,083 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_23/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:18,084 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,084 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,084 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,086 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [256], value = [ 0.44861323  0.15291886 -0.6079556   0.37281704 -0.92528206  0.44079533
  0.00877315 -0.08752057...
[ 2019-08-21 15:11:18,086 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,086 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/block3/unit_23/bottleneck_v1/conv3/weights/read/_52__cf__58
[ 2019-08-21 15:11:18,086 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,086 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,086 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,087 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  256 1024], value = [[[[-0.0416985  -0.03404651 -0.05827026 ... -0.0467588  -0.04995513
    -0.02007625]
   [-0.01678...
[ 2019-08-21 15:11:18,087 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,087 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageFeatureExtractor/resnet_v1_101/resnet_v1_101/block3/unit_23/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:18,090 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,091 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,091 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,091 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1024], value = [ 0.7015135   0.79401284  0.58250046 ...  0.689971    0.8535386
 -0.50616866]
[ 2019-08-21 15:11:18,091 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,092 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_1/bottleneck_v1/conv1/weights/read/_46__cf__52
[ 2019-08-21 15:11:18,092 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,092 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,092 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,093 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024  512], value = [[[[-0.0100499   0.01746805  0.00606728 ... -0.01924445 -0.00484215
     0.00949551]
   [-0.00694...
[ 2019-08-21 15:11:18,093 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,093 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_1/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:18,093 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,093 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,093 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,097 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [512], value = [-1.34813488e+00 -1.06322479e+00 -1.04872656e+00 -1.82214534e+00
  6.14979088e-01  4.64484334e-01...
[ 2019-08-21 15:11:18,097 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,097 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_1/bottleneck_v1/conv2/weights/read/_41__cf__47
[ 2019-08-21 15:11:18,097 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,097 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,097 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,100 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 512 512], value = [[[[ 2.55534449e-03 -4.48066220e-02 -1.98020437e-03 ...  1.18029548e-03
    -3.54787074e-02 -2.08...
[ 2019-08-21 15:11:18,102 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,102 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_1/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:18,102 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,103 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,103 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,106 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [512], value = [-5.02341211e-01 -8.47730637e-02  1.24618411e-01  5.31149447e-01
  3.77969146e-02  2.97774673e-02...
[ 2019-08-21 15:11:18,106 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,107 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_1/bottleneck_v1/conv3/weights/read/_36__cf__42
[ 2019-08-21 15:11:18,107 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,107 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,107 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,108 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  512 2048], value = [[[[-1.1511395e-01  1.3495015e-01 -2.6494071e-01 ...  1.1587205e-01
    -3.2709050e-01  2.0824455...
[ 2019-08-21 15:11:18,108 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,108 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_1/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:18,108 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,108 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,109 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,109 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2048], value = [-0.04443729 -0.06957215 -0.40661395 ... -0.5239943  -0.35380042
  0.05741334]
[ 2019-08-21 15:11:18,109 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,109 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_1/bottleneck_v1/shortcut/weights/read/_549__cf__555
[ 2019-08-21 15:11:18,109 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,110 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,110 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,110 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 1024 2048], value = [[[[-0.04662284  0.10389034 -0.05344971 ... -0.00439417 -0.0560176
     0.00560989]
   [-0.095212...
[ 2019-08-21 15:11:18,110 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,111 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_1/bottleneck_v1/shortcut/Conv2D_bn_offset
[ 2019-08-21 15:11:18,114 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,114 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,115 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,115 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2048], value = [-1.0082258  -1.3967133  -0.27703083 ... -0.8050508  -1.117923
 -1.6318885 ]
[ 2019-08-21 15:11:18,115 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,115 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_2/bottleneck_v1/conv1/weights/read/_31__cf__37
[ 2019-08-21 15:11:18,115 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,116 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,116 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,116 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 2048  512], value = [[[[-0.00228747  0.00105643  0.00917423 ... -0.00156474  0.00991794
    -0.00409007]
   [-0.00853...
[ 2019-08-21 15:11:18,117 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,117 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_2/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:18,117 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,117 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,117 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,121 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [512], value = [-1.98309660e-01  2.77836621e-01 -2.46522784e-01 -1.55009270e-01
  3.64018679e-01  2.51267672e-01...
[ 2019-08-21 15:11:18,121 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,121 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_2/bottleneck_v1/conv2/weights/read/_26__cf__32
[ 2019-08-21 15:11:18,121 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,122 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,122 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,124 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 512 512], value = [[[[-0.01245593 -0.02698608  0.02460378 ...  0.03418521  0.0137597
    -0.02065542]
   [-0.053296...
[ 2019-08-21 15:11:18,126 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,126 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_2/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:18,126 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,126 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,126 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,129 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [512], value = [-3.63835156e-01  8.32627416e-02 -2.18970597e-01  6.34945631e-02
  1.18263602e-01  3.64442110e-01...
[ 2019-08-21 15:11:18,130 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,130 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_2/bottleneck_v1/conv3/weights/read/_21__cf__27
[ 2019-08-21 15:11:18,130 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,130 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,130 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,131 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  512 2048], value = [[[[-0.2368762  -0.4605358  -0.34834984 ... -0.03658137 -0.02586159
     0.02093196]
   [-0.28074...
[ 2019-08-21 15:11:18,131 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,131 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_2/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:18,131 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,132 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,132 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,132 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2048], value = [-1.0153909 -0.6674568 -0.875208  ... -1.103873  -1.3285267 -0.7974661]
[ 2019-08-21 15:11:18,132 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,133 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_3/bottleneck_v1/conv1/weights/read/_16__cf__22
[ 2019-08-21 15:11:18,133 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,133 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,133 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,134 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1 2048  512], value = [[[[-1.6256166e-03 -6.6833165e-03  1.7411307e-03 ... -4.5890920e-03
    -4.8535918e-03 -2.7233576...
[ 2019-08-21 15:11:18,136 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,137 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_3/bottleneck_v1/conv1/Conv2D_bn_offset
[ 2019-08-21 15:11:18,137 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,137 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,137 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,140 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [512], value = [-8.50913644e-01 -9.37635899e-02 -2.53542960e-01 -3.17552984e-01
 -3.14328194e-01 -6.26975715e-01...
[ 2019-08-21 15:11:18,141 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,141 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_3/bottleneck_v1/conv2/weights/read/_11__cf__17
[ 2019-08-21 15:11:18,141 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,141 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,141 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,143 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  3   3 512 512], value = [[[[ 0.0489965  -0.01051994  0.0411143  ... -0.00541099 -0.01142978
     0.02437654]
   [ 0.09674...
[ 2019-08-21 15:11:18,144 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,144 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_3/bottleneck_v1/conv2/Conv2D_bn_offset
[ 2019-08-21 15:11:18,144 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,144 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,144 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,147 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [512], value = [ 1.16400480e-01 -2.35121608e-01 -3.59815121e-01  2.66064703e-01
 -3.98253858e-01  1.24326885e-01...
[ 2019-08-21 15:11:18,148 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,148 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_3/bottleneck_v1/conv3/weights/read/_6__cf__12
[ 2019-08-21 15:11:18,148 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,148 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,148 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,149 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [   1    1  512 2048], value = [[[[ 0.02848594 -0.04761565 -0.19353807 ... -0.22083989 -0.18907347
    -0.05548693]
   [ 0.07501...
[ 2019-08-21 15:11:18,149 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,150 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageFeatureExtractor/resnet_v1_101/block4/unit_3/bottleneck_v1/conv3/Conv2D_bn_offset
[ 2019-08-21 15:11:18,150 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,150 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,150 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,150 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2048], value = [-1.1425788 -1.141293  -1.2837434 ... -1.3432276 -1.0777199 -1.3441148]
[ 2019-08-21 15:11:18,151 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,151 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageBoxPredictor/BoxEncodingPredictor/biases/read/_0__cf__6
[ 2019-08-21 15:11:18,151 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,151 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,151 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,154 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [360], value = [-7.95166474e-03  2.06766520e-02  2.64950842e-01  8.11876133e-02
  7.40765221e-03  7.21091777e-03...
[ 2019-08-21 15:11:18,154 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,154 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageBoxPredictor/BoxEncodingPredictor/weights/read/_1__cf__7
[ 2019-08-21 15:11:18,154 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,154 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,154 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,155 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2048  360], value = [[-2.3237381e-02 -2.8804217e-03  5.0827926e-03 ... -2.4562681e-02
   2.8157391e-02  5.0061975e-02...
[ 2019-08-21 15:11:18,155 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,155 ] [ DEBUG ] [ infer:130 ]  Partial infer for Conv/biases/read/_47__cf__53
[ 2019-08-21 15:11:18,155 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,155 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,155 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,159 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [512], value = [ 2.64190719e-04  1.88985479e-03  8.92485492e-04 -2.03493261e-03
 -1.33740180e-03 -2.03066436e-03...
[ 2019-08-21 15:11:18,159 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,159 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/BoxEncodingPredictor/biases/read/_518__cf__524
[ 2019-08-21 15:11:18,159 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,159 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,159 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,160 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [48], value = [ 0.03166837  0.00908974 -0.01960882 -0.02548007  0.0149476  -0.00241546
  0.00176654  0.02480716...
[ 2019-08-21 15:11:18,160 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,160 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/BoxEncodingPredictor/weights/read/_519__cf__525
[ 2019-08-21 15:11:18,160 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,160 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,161 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,161 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  1   1 512  48], value = [[[[ 0.11181056  0.00454487  0.12837438 ...  0.00214412  0.01436291
     0.02418564]
   [-0.01499...
[ 2019-08-21 15:11:18,161 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,161 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_2/ExpandedShape_1/ExpandDims/_520__cf__526
[ 2019-08-21 15:11:18,161 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,162 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,162 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,162 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [2]
[ 2019-08-21 15:11:18,162 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,162 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_1/ExpandedShape_1/ExpandDims/_521__cf__527
[ 2019-08-21 15:11:18,162 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,162 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,162 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,162 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,163 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,163 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/strided_slice_3/_522__cf__528
[ 2019-08-21 15:11:18,163 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,163 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,163 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,163 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.0
[ 2019-08-21 15:11:18,163 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,163 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/strided_slice_2/_523__cf__529
[ 2019-08-21 15:11:18,163 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,163 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,163 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,164 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 16.0
[ 2019-08-21 15:11:18,164 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,164 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_1/ExpandedShape_1/ones/_524__cf__530
[ 2019-08-21 15:11:18,164 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,164 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,164 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,164 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,164 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,164 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_1/ExpandedShape/ExpandDims/_525__cf__531
[ 2019-08-21 15:11:18,164 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,165 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,165 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,165 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:18,165 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,165 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/strided_slice_5/_526__cf__532
[ 2019-08-21 15:11:18,165 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,165 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,165 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,165 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.0
[ 2019-08-21 15:11:18,165 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,166 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/strided_slice_4/_527__cf__533
[ 2019-08-21 15:11:18,166 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,166 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,166 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,166 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 16.0
[ 2019-08-21 15:11:18,166 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,166 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_1/ExpandedShape/ones/_528__cf__534
[ 2019-08-21 15:11:18,166 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,166 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,167 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,170 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,170 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,170 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_2/ExpandedShape_1/ones/_529__cf__535
[ 2019-08-21 15:11:18,170 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,170 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,170 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,170 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,171 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,171 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_2/ExpandedShape/concat/_530__cf__536
[ 2019-08-21 15:11:18,171 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,171 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,171 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,172 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [3], value = [ 1  1 12]
[ 2019-08-21 15:11:18,172 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,172 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_2/Reshape/_531__cf__537
[ 2019-08-21 15:11:18,172 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,172 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,172 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,173 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [ 1  1 12], value = [[[ 45.25483   90.50966  181.01932  362.03864   63.999996 127.99999
   255.99998  511.99997   90....
[ 2019-08-21 15:11:18,173 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,173 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_3/ExpandedShape_1/ExpandDims/_532__cf__538
[ 2019-08-21 15:11:18,173 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,173 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,174 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,174 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [2]
[ 2019-08-21 15:11:18,174 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,174 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_3/ExpandedShape_1/ones/_533__cf__539
[ 2019-08-21 15:11:18,174 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,174 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,174 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,175 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,175 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,175 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_3/ExpandedShape/concat/_534__cf__540
[ 2019-08-21 15:11:18,175 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,175 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,175 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,175 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [3], value = [ 1  1 12]
[ 2019-08-21 15:11:18,176 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,176 ] [ DEBUG ] [ infer:130 ]  Partial infer for GridAnchorGenerator/Meshgrid_3/Reshape/_535__cf__541
[ 2019-08-21 15:11:18,176 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,176 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,176 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,176 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [ 1  1 12], value = [[[ 90.509674 181.01935  362.0387   724.0774    64.00001  128.00002
   256.00003  512.00006   45....
[ 2019-08-21 15:11:18,176 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,176 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/ClassPredictor/biases/read/_539__cf__545
[ 2019-08-21 15:11:18,177 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,177 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,177 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,177 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [24], value = [ 0.09504959 -0.09504911  0.0573867  -0.05738634  0.02511273 -0.02511258
 -0.02817237  0.02817235...
[ 2019-08-21 15:11:18,177 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,177 ] [ DEBUG ] [ infer:130 ]  Partial infer for FirstStageBoxPredictor/ClassPredictor/weights/read/_540__cf__546
[ 2019-08-21 15:11:18,177 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,177 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,180 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,181 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  1   1 512  24], value = [[[[ 0.00296129 -0.02949508  0.00342768 ... -0.02782438  0.02513614
    -0.02138193]
   [-0.00872...
[ 2019-08-21 15:11:18,181 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,181 ] [ DEBUG ] [ infer:130 ]  Partial infer for Slice/begin/_541__cf__547
[ 2019-08-21 15:11:18,181 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,182 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,182 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,182 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [2]
[ 2019-08-21 15:11:18,182 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,182 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageBoxPredictor/ClassPredictor/biases/read/_553__cf__559
[ 2019-08-21 15:11:18,182 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,183 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,183 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,184 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [91], value = [ 7.17917085e-01  5.80758825e-02 -9.27161542e-04  3.94133702e-02
 -8.60467833e-03 -1.22773387e-02...
[ 2019-08-21 15:11:18,184 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,184 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStageBoxPredictor/ClassPredictor/weights/read/_554__cf__560
[ 2019-08-21 15:11:18,184 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,184 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,185 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,185 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [2048   91], value = [[ 0.00950589  0.03144972 -0.06402664 ...  0.04240924  0.02076698
   0.03288592]
 [ 0.11044841 -0...
[ 2019-08-21 15:11:18,185 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,186 ] [ DEBUG ] [ infer:130 ]  Partial infer for SecondStagePostprocessor/Slice/begin/_555__cf__561
[ 2019-08-21 15:11:18,186 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,186 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,186 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,186 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [2]
[ 2019-08-21 15:11:18,186 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,186 ] [ DEBUG ] [ infer:130 ]  Partial infer for image_tensor
[ 2019-08-21 15:11:18,186 ] [ DEBUG ] [ infer:131 ]  Op: Parameter
[ 2019-08-21 15:11:18,187 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,187 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,187 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [100 224 224   3], value = <UNKNOWN>
[ 2019-08-21 15:11:18,187 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,188 ] [ DEBUG ] [ infer:130 ]  Partial infer for ToFloat_3
[ 2019-08-21 15:11:18,188 ] [ DEBUG ] [ infer:131 ]  Op: Cast
[ 2019-08-21 15:11:18,188 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,188 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [100 224 224   3], value = <UNKNOWN>
[ 2019-08-21 15:11:18,188 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,188 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [100 224 224   3], value = <UNKNOWN>
[ 2019-08-21 15:11:18,188 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,191 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/TensorArrayUnstack/Shape
[ 2019-08-21 15:11:18,192 ] [ DEBUG ] [ infer:131 ]  Op: ShapeOf
[ 2019-08-21 15:11:18,192 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,192 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [100 224 224   3], value = <UNKNOWN>
[ 2019-08-21 15:11:18,192 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,192 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [4], value = [100 224 224   3]
[ 2019-08-21 15:11:18,193 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,193 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/TensorArrayUnstack/strided_slice
[ 2019-08-21 15:11:18,193 ] [ DEBUG ] [ infer:131 ]  Op: StridedSlice
[ 2019-08-21 15:11:18,194 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,194 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [4], value = [100 224 224   3]
[ 2019-08-21 15:11:18,194 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:18,194 ] [ DEBUG ] [ infer:32 ]  input[2]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,194 ] [ DEBUG ] [ infer:32 ]  input[3]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,195 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,195 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 100
[ 2019-08-21 15:11:18,195 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,195 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/TensorArrayUnstack/range
[ 2019-08-21 15:11:18,195 ] [ DEBUG ] [ infer:131 ]  Op: Range
[ 2019-08-21 15:11:18,195 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,196 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 0
[ 2019-08-21 15:11:18,196 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = 100
[ 2019-08-21 15:11:18,196 ] [ DEBUG ] [ infer:32 ]  input[2]: shape = [], value = 1
[ 2019-08-21 15:11:18,196 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,196 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [100], value = [ 0  1  2  3  4  5  6  7  8  9 10 11 12 13 14 15 16 17 18 19 20 21 22 23
 24 25 26 27 28 29 30 31...
[ 2019-08-21 15:11:18,196 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,197 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/Shape
[ 2019-08-21 15:11:18,197 ] [ DEBUG ] [ infer:131 ]  Op: ShapeOf
[ 2019-08-21 15:11:18,197 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,197 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [100 224 224   3], value = <UNKNOWN>
[ 2019-08-21 15:11:18,197 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,197 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [4], value = [100 224 224   3]
[ 2019-08-21 15:11:18,197 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,197 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/strided_slice
[ 2019-08-21 15:11:18,197 ] [ DEBUG ] [ infer:131 ]  Op: StridedSlice
[ 2019-08-21 15:11:18,198 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,198 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [4], value = [100 224 224   3]
[ 2019-08-21 15:11:18,199 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:18,199 ] [ DEBUG ] [ infer:32 ]  input[2]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,199 ] [ DEBUG ] [ infer:32 ]  input[3]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,199 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,199 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 100
[ 2019-08-21 15:11:18,199 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,199 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/Less/Enter
[ 2019-08-21 15:11:18,199 ] [ DEBUG ] [ infer:131 ]  Op: Enter
[ 2019-08-21 15:11:18,200 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,202 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 100
[ 2019-08-21 15:11:18,202 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,203 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 100
[ 2019-08-21 15:11:18,203 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,203 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/Less
[ 2019-08-21 15:11:18,203 ] [ DEBUG ] [ infer:131 ]  Op: Less
[ 2019-08-21 15:11:18,203 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,203 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,203 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = 100
[ 2019-08-21 15:11:18,203 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,203 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,204 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,204 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/LoopCond
[ 2019-08-21 15:11:18,204 ] [ DEBUG ] [ infer:131 ]  Op: LoopCond
[ 2019-08-21 15:11:18,204 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,204 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,204 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,204 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,204 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,204 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/Switch
[ 2019-08-21 15:11:18,204 ] [ DEBUG ] [ infer:131 ]  Op: Switch
[ 2019-08-21 15:11:18,204 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,205 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,205 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,205 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,205 ] [ DEBUG ] [ infer:32 ]  output[1]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,205 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,205 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/Identity
[ 2019-08-21 15:11:18,205 ] [ DEBUG ] [ infer:131 ]  Op: Identity
[ 2019-08-21 15:11:18,206 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,206 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,206 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,206 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,206 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,206 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/add/y
[ 2019-08-21 15:11:18,207 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,207 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,207 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,207 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1
[ 2019-08-21 15:11:18,207 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,207 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/add
[ 2019-08-21 15:11:18,207 ] [ DEBUG ] [ infer:131 ]  Op: Add
[ 2019-08-21 15:11:18,207 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,207 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,208 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = 1
[ 2019-08-21 15:11:18,208 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,208 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,208 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,208 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/NextIteration
[ 2019-08-21 15:11:18,208 ] [ DEBUG ] [ infer:131 ]  Op: NextIteration
[ 2019-08-21 15:11:18,208 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,208 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,208 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,208 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,209 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,209 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/ExpandDims/dim
[ 2019-08-21 15:11:18,209 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,209 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,209 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,209 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0
[ 2019-08-21 15:11:18,209 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,209 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/strided_slice_3/stack_2
[ 2019-08-21 15:11:18,209 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,209 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,209 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,210 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,210 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,210 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/strided_slice_3/stack_1
[ 2019-08-21 15:11:18,210 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,210 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,210 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,210 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [-1]
[ 2019-08-21 15:11:18,210 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,210 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/strided_slice_3/stack
[ 2019-08-21 15:11:18,210 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,211 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,213 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,214 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:18,214 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,214 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/Const_2
[ 2019-08-21 15:11:18,214 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,214 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,214 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,215 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:18,215 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,215 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/Const_1
[ 2019-08-21 15:11:18,215 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,215 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,215 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,215 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1024.0
[ 2019-08-21 15:11:18,215 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,216 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/Const
[ 2019-08-21 15:11:18,216 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,216 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,216 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,216 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 600.0
[ 2019-08-21 15:11:18,216 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,216 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/strided_slice_2/stack_2
[ 2019-08-21 15:11:18,216 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,216 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,216 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,217 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,217 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,217 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/strided_slice_2/stack_1
[ 2019-08-21 15:11:18,217 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,217 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,217 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,217 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [3]
[ 2019-08-21 15:11:18,217 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,217 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/strided_slice_2/stack
[ 2019-08-21 15:11:18,217 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,218 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,218 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,218 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [2]
[ 2019-08-21 15:11:18,218 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,218 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/strided_slice_1/stack_2
[ 2019-08-21 15:11:18,218 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,218 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,218 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,218 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,219 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,219 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/strided_slice_1/stack_1
[ 2019-08-21 15:11:18,219 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,219 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,219 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,219 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [2]
[ 2019-08-21 15:11:18,219 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,219 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/strided_slice_1/stack
[ 2019-08-21 15:11:18,219 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,219 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,220 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,220 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,220 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,220 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/strided_slice/stack_2
[ 2019-08-21 15:11:18,220 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,220 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,220 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,220 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,221 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,221 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/strided_slice/stack_1
[ 2019-08-21 15:11:18,221 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,221 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,221 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,221 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,221 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,221 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/strided_slice/stack
[ 2019-08-21 15:11:18,221 ] [ DEBUG ] [ infer:131 ]  Op: Const
[ 2019-08-21 15:11:18,221 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,221 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,222 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [0]
[ 2019-08-21 15:11:18,225 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,225 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/TensorArray_2
[ 2019-08-21 15:11:18,225 ] [ DEBUG ] [ infer:131 ]  Op: TensorArrayV3
[ 2019-08-21 15:11:18,225 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,225 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 100
[ 2019-08-21 15:11:18,225 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,226 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = Preprocessor/map/TensorArray_2/Output_0/Data_
[ 2019-08-21 15:11:18,226 ] [ DEBUG ] [ infer:32 ]  output[1]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,226 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,226 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/TensorArrayWrite_1/TensorArrayWriteV3/Enter
[ 2019-08-21 15:11:18,226 ] [ DEBUG ] [ infer:131 ]  Op: Enter
[ 2019-08-21 15:11:18,226 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,227 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = Preprocessor/map/TensorArray_2/Output_0/Data_
[ 2019-08-21 15:11:18,227 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,227 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = Preprocessor/map/TensorArray_2/Output_0/Data_
[ 2019-08-21 15:11:18,227 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,227 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/Enter_2
[ 2019-08-21 15:11:18,227 ] [ DEBUG ] [ infer:131 ]  Op: Enter
[ 2019-08-21 15:11:18,227 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,228 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,228 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,228 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,228 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,228 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/Merge_2
[ 2019-08-21 15:11:18,228 ] [ DEBUG ] [ infer:131 ]  Op: Merge
[ 2019-08-21 15:11:18,228 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,228 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,228 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = <UNKNOWN>, value = <UNKNOWN>
[ 2019-08-21 15:11:18,228 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,229 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,229 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,229 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/Switch_2
[ 2019-08-21 15:11:18,229 ] [ DEBUG ] [ infer:131 ]  Op: Switch
[ 2019-08-21 15:11:18,229 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,229 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,229 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,229 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,229 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,229 ] [ DEBUG ] [ infer:32 ]  output[1]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,230 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,230 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/Identity_2
[ 2019-08-21 15:11:18,230 ] [ DEBUG ] [ infer:131 ]  Op: Identity
[ 2019-08-21 15:11:18,230 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,230 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,230 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,230 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,230 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,230 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/TensorArray_1
[ 2019-08-21 15:11:18,230 ] [ DEBUG ] [ infer:131 ]  Op: TensorArrayV3
[ 2019-08-21 15:11:18,231 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,231 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 100
[ 2019-08-21 15:11:18,231 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,231 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = Preprocessor/map/TensorArray_1/Output_0/Data_
[ 2019-08-21 15:11:18,231 ] [ DEBUG ] [ infer:32 ]  output[1]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,231 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,231 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/TensorArrayWrite/TensorArrayWriteV3/Enter
[ 2019-08-21 15:11:18,231 ] [ DEBUG ] [ infer:131 ]  Op: Enter
[ 2019-08-21 15:11:18,231 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,231 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = Preprocessor/map/TensorArray_1/Output_0/Data_
[ 2019-08-21 15:11:18,232 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,232 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = Preprocessor/map/TensorArray_1/Output_0/Data_
[ 2019-08-21 15:11:18,232 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,232 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/Enter_1
[ 2019-08-21 15:11:18,232 ] [ DEBUG ] [ infer:131 ]  Op: Enter
[ 2019-08-21 15:11:18,232 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,232 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,232 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,232 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,233 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,236 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/Merge_1
[ 2019-08-21 15:11:18,236 ] [ DEBUG ] [ infer:131 ]  Op: Merge
[ 2019-08-21 15:11:18,236 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,236 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,236 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = <UNKNOWN>, value = <UNKNOWN>
[ 2019-08-21 15:11:18,236 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,237 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,237 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,237 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/Switch_1
[ 2019-08-21 15:11:18,237 ] [ DEBUG ] [ infer:131 ]  Op: Switch
[ 2019-08-21 15:11:18,237 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,237 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,237 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,237 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,237 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,238 ] [ DEBUG ] [ infer:32 ]  output[1]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,238 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,238 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/Identity_1
[ 2019-08-21 15:11:18,238 ] [ DEBUG ] [ infer:131 ]  Op: Identity
[ 2019-08-21 15:11:18,238 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,239 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,239 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,239 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,239 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,239 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/TensorArray
[ 2019-08-21 15:11:18,239 ] [ DEBUG ] [ infer:131 ]  Op: TensorArrayV3
[ 2019-08-21 15:11:18,239 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,240 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 100
[ 2019-08-21 15:11:18,240 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,240 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = Preprocessor/map/TensorArray/Output_0/Data_
[ 2019-08-21 15:11:18,240 ] [ DEBUG ] [ infer:32 ]  output[1]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,240 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,240 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/TensorArrayUnstack/TensorArrayScatter/TensorArrayScatterV3
[ 2019-08-21 15:11:18,240 ] [ DEBUG ] [ infer:131 ]  Op: TensorArrayScatterV3
[ 2019-08-21 15:11:18,241 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,241 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = Preprocessor/map/TensorArray/Output_0/Data_
[ 2019-08-21 15:11:18,241 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [100], value = [ 0  1  2  3  4  5  6  7  8  9 10 11 12 13 14 15 16 17 18 19 20 21 22 23
 24 25 26 27 28 29 30 31...
[ 2019-08-21 15:11:18,242 ] [ DEBUG ] [ infer:32 ]  input[2]: shape = [100 224 224   3], value = <UNKNOWN>
[ 2019-08-21 15:11:18,242 ] [ DEBUG ] [ infer:32 ]  input[3]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,242 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,242 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,242 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,242 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/TensorArrayReadV3/Enter_1
[ 2019-08-21 15:11:18,242 ] [ DEBUG ] [ infer:131 ]  Op: Enter
[ 2019-08-21 15:11:18,242 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,242 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,243 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,243 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,243 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,243 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/TensorArrayReadV3/Enter
[ 2019-08-21 15:11:18,243 ] [ DEBUG ] [ infer:131 ]  Op: Enter
[ 2019-08-21 15:11:18,243 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,243 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = Preprocessor/map/TensorArray/Output_0/Data_
[ 2019-08-21 15:11:18,243 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,243 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = Preprocessor/map/TensorArray/Output_0/Data_
[ 2019-08-21 15:11:18,243 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,243 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/TensorArrayReadV3
[ 2019-08-21 15:11:18,244 ] [ DEBUG ] [ infer:131 ]  Op: TensorArrayReadV3
[ 2019-08-21 15:11:18,244 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,244 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = Preprocessor/map/TensorArray/Output_0/Data_
[ 2019-08-21 15:11:18,244 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,244 ] [ DEBUG ] [ infer:32 ]  input[2]: shape = [], value = <UNKNOWN>
[ 2019-08-21 15:11:18,244 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,244 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [224 224   3], value = <UNKNOWN>
[ 2019-08-21 15:11:18,244 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,244 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/ExpandDims
[ 2019-08-21 15:11:18,244 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:18,248 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,248 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [224 224   3], value = <UNKNOWN>
[ 2019-08-21 15:11:18,249 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:18,249 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,249 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [  1 224 224   3], value = <UNKNOWN>
[ 2019-08-21 15:11:18,249 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,250 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/Shape
[ 2019-08-21 15:11:18,250 ] [ DEBUG ] [ infer:131 ]  Op: ShapeOf
[ 2019-08-21 15:11:18,250 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,250 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [224 224   3], value = <UNKNOWN>
[ 2019-08-21 15:11:18,250 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,251 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [3], value = [224 224   3]
[ 2019-08-21 15:11:18,251 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,251 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/strided_slice_2
[ 2019-08-21 15:11:18,251 ] [ DEBUG ] [ infer:131 ]  Op: StridedSlice
[ 2019-08-21 15:11:18,252 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,252 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [3], value = [224 224   3]
[ 2019-08-21 15:11:18,252 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [2]
[ 2019-08-21 15:11:18,253 ] [ DEBUG ] [ infer:32 ]  input[2]: shape = [1], value = [3]
[ 2019-08-21 15:11:18,253 ] [ DEBUG ] [ infer:32 ]  input[3]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,253 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,253 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 3
[ 2019-08-21 15:11:18,253 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,253 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/stack_2/ExpandDims_1156412424
[ 2019-08-21 15:11:18,254 ] [ DEBUG ] [ infer:131 ]  Op: Unsqueeze
[ 2019-08-21 15:11:18,254 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,254 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 3
[ 2019-08-21 15:11:18,255 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:18,255 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,255 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [1], value = [3]
[ 2019-08-21 15:11:18,255 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,255 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/strided_slice_1
[ 2019-08-21 15:11:18,255 ] [ DEBUG ] [ infer:131 ]  Op: StridedSlice
[ 2019-08-21 15:11:18,256 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,259 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [3], value = [224 224   3]
[ 2019-08-21 15:11:18,259 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,259 ] [ DEBUG ] [ infer:32 ]  input[2]: shape = [1], value = [2]
[ 2019-08-21 15:11:18,259 ] [ DEBUG ] [ infer:32 ]  input[3]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,259 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,259 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 224
[ 2019-08-21 15:11:18,260 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,260 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/ToFloat_1
[ 2019-08-21 15:11:18,260 ] [ DEBUG ] [ infer:131 ]  Op: Cast
[ 2019-08-21 15:11:18,260 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,260 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 224
[ 2019-08-21 15:11:18,261 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,261 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 224.0
[ 2019-08-21 15:11:18,261 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,261 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/strided_slice
[ 2019-08-21 15:11:18,261 ] [ DEBUG ] [ infer:131 ]  Op: StridedSlice
[ 2019-08-21 15:11:18,262 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,262 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [3], value = [224 224   3]
[ 2019-08-21 15:11:18,263 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [1], value = [0]
[ 2019-08-21 15:11:18,263 ] [ DEBUG ] [ infer:32 ]  input[2]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,263 ] [ DEBUG ] [ infer:32 ]  input[3]: shape = [1], value = [1]
[ 2019-08-21 15:11:18,263 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,263 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 224
[ 2019-08-21 15:11:18,263 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,263 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/ToFloat
[ 2019-08-21 15:11:18,264 ] [ DEBUG ] [ infer:131 ]  Op: Cast
[ 2019-08-21 15:11:18,264 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,264 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 224
[ 2019-08-21 15:11:18,264 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,264 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 224.0
[ 2019-08-21 15:11:18,264 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,264 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/Maximum
[ 2019-08-21 15:11:18,264 ] [ DEBUG ] [ infer:131 ]  Op: Maximum
[ 2019-08-21 15:11:18,264 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,265 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 224.0
[ 2019-08-21 15:11:18,265 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = 224.0
[ 2019-08-21 15:11:18,265 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,265 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 224.0
[ 2019-08-21 15:11:18,265 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,265 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/div_1/reciprocal_
[ 2019-08-21 15:11:18,265 ] [ DEBUG ] [ infer:131 ]  Op: Pow
[ 2019-08-21 15:11:18,265 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,266 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 224.0
[ 2019-08-21 15:11:18,266 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = -1.0
[ 2019-08-21 15:11:18,266 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,266 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 0.004464285714285714
[ 2019-08-21 15:11:18,266 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,266 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/div_1/mul_
[ 2019-08-21 15:11:18,266 ] [ DEBUG ] [ infer:131 ]  Op: Mul
[ 2019-08-21 15:11:18,267 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,269 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 0.004464285714285714
[ 2019-08-21 15:11:18,270 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = 1024.0
[ 2019-08-21 15:11:18,270 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,270 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 4.571428571428571
[ 2019-08-21 15:11:18,270 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,270 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/mul_3
[ 2019-08-21 15:11:18,270 ] [ DEBUG ] [ infer:131 ]  Op: Mul
[ 2019-08-21 15:11:18,270 ] [ DEBUG ] [ infer:142 ]  Inputs:
[ 2019-08-21 15:11:18,270 ] [ DEBUG ] [ infer:32 ]  input[0]: shape = [], value = 224.0
[ 2019-08-21 15:11:18,271 ] [ DEBUG ] [ infer:32 ]  input[1]: shape = [], value = 4.571428571428571
[ 2019-08-21 15:11:18,271 ] [ DEBUG ] [ infer:144 ]  Outputs:
[ 2019-08-21 15:11:18,271 ] [ DEBUG ] [ infer:32 ]  output[0]: shape = [], value = 1024.0
[ 2019-08-21 15:11:18,271 ] [ DEBUG ] [ infer:129 ]  --------------------
[ 2019-08-21 15:11:18,271 ] [ DEBUG ] [ infer:130 ]  Partial infer for Preprocessor/map/while/ResizeToRange/Round_3
[ 2019-08-21 15:11:18,271 ] [ DEBUG ] [ infer:131 ]  Op: Round
[ INFO ]  Called "tf_native_tf_node_infer" for node "Preprocessor/map/while/ResizeToRange/Round_3"
[ 2019-08-21 15:11:18,273 ] [ DEBUG ] [ tf:222 ]  Added placeholder with name 'Preprocessor/map/while/ResizeToRange/mul_3_port_0_ie_placeholder'
[ 2019-08-21 15:11:18,273 ] [ DEBUG ] [ tf:235 ]  update_input_in_pbs: replace input 'Preprocessor/map/while/ResizeToRange/mul_3' with input 'Preprocessor/map/while/ResizeToRange/mul_3_port_0_ie_placeholder'
[ 2019-08-21 15:11:18,273 ] [ DEBUG ] [ tf:243 ]  Replacing input '0' of the node 'Preprocessor/map/while/ResizeToRange/Round_3' with placeholder 'Preprocessor/map/while/ResizeToRange/mul_3_port_0_ie_placeholder'
[ ERROR ]  Cannot infer shapes or values for node "Preprocessor/map/while/ResizeToRange/Round_3".
[ ERROR ]  graph_def is invalid at node 'Preprocessor/map/while/ResizeToRange/Round_3': Input tensor 'Preprocessor/map/while/ResizeToRange/mul_3_port_0_ie_placeholder:0' Cannot convert a tensor of type float64 to an input of type float32.
[ ERROR ]
[ ERROR ]  It can happen due to bug in custom shape infer function <function tf_native_tf_node_infer at 0x00000135DE6381E0>.
[ 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).
[ 2019-08-21 15:11:18,286 ] [ DEBUG ] [ infer:196 ]  Node "Preprocessor/map/while/ResizeToRange/Round_3" attributes: {'pb': name: "Preprocessor/map/while/ResizeToRange/Round_3"
op: "Round"
input: "Preprocessor/map/while/ResizeToRange/mul_3_port_0_ie_placeholder"
attr {
  key: "T"
  value {
    type: DT_FLOAT
  }
}
, '_in_ports': {0: {'control_flow': False}}, '_out_ports': {0: {'control_flow': False}}, 'kind': 'op', 'name': 'Preprocessor/map/while/ResizeToRange/Round_3', 'op': 'Round', 'precision': 'FP32', 'infer': <function tf_native_tf_node_infer at 0x00000135DE6381E0>, 'is_output_reachable': True, 'is_undead': False, 'is_const_producer': False, 'is_partial_inferred': False}
[ ERROR ]  Exception occurred during running replacer "REPLACEMENT_ID" (<class 'extensions.middle.PartialInfer.PartialInfer'>): Stopped shape/value propagation at "Preprocessor/map/while/ResizeToRange/Round_3" 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.
[ 2019-08-21 15:11:18,290 ] [ DEBUG ] [ main:308 ]  Traceback (most recent call last):
  File "C:\Users\GF63\.conda\envs\tf_1.14\lib\site-packages\tensorflow\python\framework\importer.py", line 402, in import_graph_def
    op._add_input(source_tensor, dtype=input_type)
  File "C:\Users\GF63\.conda\envs\tf_1.14\lib\site-packages\tensorflow\python\framework\ops.py", line 1741, in _add_input
    (tensor.dtype.name, dtype.name))
TypeError: Cannot convert a tensor of type float64 to an input of type float32

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\middle\passes\infer.py", line 132, in partial_infer
    node.infer(node)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\front\tf\partial_infer\tf.py", line 60, in tf_native_tf_node_infer
    tf_subgraph_infer(tmp_node)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\front\tf\partial_infer\tf.py", line 135, in tf_subgraph_infer
    all_constants, output_tensors = get_subgraph_output_tensors(node)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\front\tf\partial_infer\tf.py", line 115, in get_subgraph_output_tensors
    tf.import_graph_def(graph_def, name='')
  File "C:\Users\GF63\.conda\envs\tf_1.14\lib\site-packages\tensorflow\python\framework\importer.py", line 406, in import_graph_def
    node, 'Input tensor %r %s' % (input_name, te)))
ValueError: graph_def is invalid at node 'Preprocessor/map/while/ResizeToRange/Round_3': Input tensor 'Preprocessor/map/while/ResizeToRange/mul_3_port_0_ie_placeholder:0' Cannot convert a tensor of type float64 to an input of type float32.

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

Traceback (most recent call last):
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 273, in apply_replacements
    for_graph_and_each_sub_graph_recursively(graph, replacer.find_and_replace_pattern)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\middle\pattern_match.py", line 58, in for_graph_and_each_sub_graph_recursively
    func(graph)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\extensions\middle\PartialInfer.py", line 31, in find_and_replace_pattern
    partial_infer(graph)
  File "C:\Program Files (x86)\IntelSWTools\openvino\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 "Preprocessor/map/while/ResizeToRange/Round_3" 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\deployment_tools\model_optimizer\mo\main.py", line 302, in main
    return driver(argv)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\main.py", line 251, in driver
    is_binary=not argv.input_model_is_text)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\pipeline\tf.py", line 134, in tf2nx
    class_registration.apply_replacements(graph, class_registration.ClassType.MIDDLE_REPLACER)
  File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 293, in apply_replacements
    )) from err
mo.utils.error.Error: Exception occurred during running replacer "REPLACEMENT_ID" (<class 'extensions.middle.PartialInfer.PartialInfer'>): Stopped shape/value propagation at "Preprocessor/map/while/ResizeToRange/Round_3" 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.


(tf_1.14) C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\install_prerequisites>

0 Kudos
3 Replies
Shubha_R_Intel
Employee
651 Views

Dear Kulkarni, Vinay,

Glad to see that you've upgraded to OpenVino 2019R2.

Kindly choose a faster-rcnn model from the Model Optimizer Tensorflow Supported List. I can tell you that most of your errors are coming straight from Tensorflow and Model Optimizer is simply passing them along. So in other words, the below error has nothing to do with Model Optimizer:

   tf.import_graph_def(graph_def, name='')
  File "C:\Users\GF63\.conda\envs\tf_1.14\lib\site-packages\tensorflow\python\framework\importer.py", line 406, in import_graph_def
    node, 'Input tensor %r %s' % (input_name, te)))
ValueError: graph_def is invalid at node 'Preprocessor/map/while/ResizeToRange/Round_3': Input tensor 'Preprocessor/map/while/ResizeToRange/mul_3_port_0_ie_placeholder:0' Cannot convert a tensor of type float64 to an input of type float32.

I think the version of the model you've chosen doesn't work.

Hope it helps,

Thanks,

Shubha

 

 

0 Kudos
Kulkarni__Vinay
New Contributor I
651 Views

Thanks Shubha.

I did upgrade the tensorflow version to 1.13 and got the .pb from file pointed by you.

File taken from http://docs.openvinotoolkit.org/latest/_docs_MO_DG_prepare_model_convert_model_Convert_Model_From_TensorFlow.html:

File name :Faster R-CNN ResNet 101 COCO

.pb file :  faster_rcnn_resnet101_coco_2018_01_28.tar.gz

But still getting error as follows:

 

(tyqi_tf) C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\install_prerequisites>python ..\mo.py --input_model  D:\Openvino\faster_rcnn_resnet101_coco_2018_01_28\faster_rcnn_resnet101_coco_2018_01_28\frozen_inference_graph.pb --input_shape (1,224,224,3) --output_dir D:\Openvino\
Model Optimizer arguments:
Common parameters:
        - Path to the Input Model:      D:\Openvino\faster_rcnn_resnet101_coco_2018_01_28\faster_rcnn_resnet101_coco_2018_01_28\frozen_inference_graph.pb
        - Path for generated IR:        D:\Openvino\
        - IR output name:       frozen_inference_graph
        - Log level:    ERROR
        - Batch:        Not specified, inherited from the model
        - Input layers:         Not specified, inherited from the model
        - Output layers:        Not specified, inherited from the model
        - Input shapes:         (1,224,224,3)
        - Mean values:  Not specified
        - Scale values:         Not specified
        - Scale factor:         Not specified
        - Precision of IR:      FP32
        - Enable fusing:        True
        - Enable grouped convolutions fusing:   True
        - Move mean values to preprocess section:       False
        - Reverse input channels:       False
TensorFlow specific parameters:
        - Input model in text protobuf format:  False
        - Path to model dump for TensorBoard:   None
        - List of shared libraries with TensorFlow custom layers implementation:        None
        - Update the configuration file with input/output node names:   None
        - Use configuration file used to generate the model with Object Detection API:  None
        - Operations to offload:        None
        - Patterns to offload:  None
        - Use the config file:  None
Model Optimizer version:        2019.2.0-436-gf5827d4
[ ERROR ]  Cannot infer shapes or values for node "Preprocessor/map/while/ResizeToRange/Round_3".
[ ERROR ]  Input 0 of node Preprocessor/map/while/ResizeToRange/Round_3 was passed double from Preprocessor/map/while/ResizeToRange/mul_3_port_0_ie_placeholder:0 incompatible with expected float.
[ ERROR ]
[ ERROR ]  It can happen due to bug in custom shape infer function <function tf_native_tf_node_infer at 0x000002D11B07BEA0>.
[ 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).
[ ERROR ]  Run Model Optimizer with --log_level=DEBUG for more information.
[ ERROR ]  Exception occurred during running replacer "REPLACEMENT_ID" (<class 'extensions.middle.PartialInfer.PartialInfer'>): Stopped shape/value propagation at "Preprocessor/map/while/ResizeToRange/Round_3" 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.

0 Kudos
Shubha_R_Intel
Employee
651 Views

Dear Kulkarni, Vinay,

The error is because you're not quite passing in the right command-line arguments to mo_tf.py. The below document will tell you how to do it correctly.

MO converting Tensorflow Object Detection API

Hope it helps,

Thanks,

Shubha

0 Kudos
Reply