torch = 1.4.0+cpu tensorflow = 1.15.3 onnx = 1.7.0 (model_converter) C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer>python mo.py --input_shape [1,640,640,3] --input_model C:\Users\thanga2x\Documents\Face_mask_detection\convertor\yolov5s.onnx --output_dir C:\Users\thanga2x\Documents\Face_mask_detection\models\ Model Optimizer arguments: Common parameters: - Path to the Input Model: C:\Users\thanga2x\Documents\Face_mask_detection\convertor\yolov5s.onnx - Path for generated IR: C:\Users\thanga2x\Documents\Face_mask_detection\models\ - IR output name: yolov5s - 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,640,640,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 ONNX specific parameters: Model Optimizer version: [ ERROR ] Concat input shapes do not match [ ERROR ] Shape is not defined for output 0 of "Concat_4". [ ERROR ] Cannot infer shapes or values for node "Concat_4". [ ERROR ] Not all output shapes were inferred or fully defined for node "Concat_4". For more information please refer to Model Optimizer FAQ (https://docs.openvinotoolkit.org/latest/_docs_MO_DG_prepare_model_Model_Optimizer_FAQ.html), question #40. [ ERROR ] [ ERROR ] It can happen due to bug in custom shape infer function . [ 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" (): Stopped shape/value propagation at "Concat_4" 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. (model_converter) C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer>python mo.py --input_shape [1,640,640,3] --input_model C:\Users\thanga2x\Documents\Face_mask_detection\convertor\yolov5s.onnx --output_dir C:\Users\thanga2x\Documents\Face_mask_detection\models\ --log_level=DEBUG [ 2020-08-04 11:35:25,598 ] [ DEBUG ] [ main:116 ] Namespace(batch=None, blobs_as_inputs=True, caffe_parser_path='mo\\front\\caffe\\proto', counts=None, data_type='float', disable_fusing=None, disable_gfusing=None, disable_nhwc_to_nchw=False, disable_omitting_optional=False, disable_resnet_optimization=False, disable_weights_compression=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='onnx', freeze_placeholder_with_value=None, generate_deprecated_IR_V2=False, generate_deprecated_IR_V7=False, generate_experimental_IR_V10=True, input=None, input_checkpoint=None, input_meta_graph=None, input_model='C:\\Users\\thanga2x\\Documents\\Face_mask_detection\\convertor\\yolov5s.onnx', input_model_is_text=False, input_proto=None, input_shape='[1,640,640,3]', input_symbol=None, k='extensions\\front\\caffe\\CustomLayersMapping.xml', keep_quantize_ops_in_IR=True, keep_shape_ops=False, legacy_mxnet_model=False, log_level='DEBUG', mean_file=None, mean_file_offsets=None, mean_values=(), model_name=None, move_to_preprocess=False, nd_prefix_name=None, output=None, output_dir='C:\\Users\\thanga2x\\Documents\\Face_mask_detection\\models\\', pretrained_model_name=None, progress=False, remove_memory=False, remove_output_softmax=False, reverse_input_channels=False, save_params_from_nd=False, saved_model_dir=None, saved_model_tags=None, scale=None, scale_values=(), silent=False, stream_output=False, tensorboard_logdir=None, tensorflow_custom_layer_libraries=None, tensorflow_custom_operations_config_update=None, tensorflow_object_detection_api_pipeline_config=None, tensorflow_use_custom_operations_config=None, transformations_config=None) [ 2020-08-04 11:35:25,600 ] [ DEBUG ] [ main:117 ] Model Optimizer started [ 2020-08-04 11:35:25,603 ] [ DEBUG ] [ main:132 ] Output model name would be yolov5s{.xml, .bin} Model Optimizer arguments: Common parameters: - Path to the Input Model: C:\Users\thanga2x\Documents\Face_mask_detection\convertor\yolov5s.onnx - Path for generated IR: C:\Users\thanga2x\Documents\Face_mask_detection\models\ - IR output name: yolov5s - Log level: DEBUG - Batch: Not specified, inherited from the model - Input layers: Not specified, inherited from the model - Output layers: Not specified, inherited from the model - Input shapes: [1,640,640,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 ONNX specific parameters: Model Optimizer version: [ 2020-08-04 11:35:25,963 ] [ DEBUG ] [ main:210 ] Placeholder shapes : [ 1 640 640 3] [ INFO ] Importing extensions from: C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Parameter [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Const [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorIterator [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Cast [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Activation [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Assign [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Gather [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AttributedGather [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Broadcast [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AttributedClamp [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Clamp [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Concat [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ConstantOfShape [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Convolution [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Crop [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Deconvolution [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: DeformableConvolution [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Eltwise [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: EltwiseN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: EltwiseNin1 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExpandDims [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Fill [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Flatten [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FlattenONNX [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GroupNorm [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LRN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AttributedLRN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LstmNonLinearity [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Memory [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MemoryOffset [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Pad [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AttributedPad [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TFPad [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ONNXPad [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Permute [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Pooling [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AttributedPower [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReadValue [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Reshape [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Result [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ROIPooling [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ScaleShift [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ShapeOf [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Slice [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SoftMax [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SoftMaxONNX [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LogSoftmax [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LogSoftmaxONNX [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SpaceToBatch [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: BatchToSpace [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Squeeze [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: StridedSlice [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Tile [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AttributedTile [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Unsqueeze [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: UnknownOp [ INFO ] New subclass: [ INFO ] New subclass: [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped 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 registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: BlockLSTM [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: DetectionOutput [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Enter [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Exit [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: RNN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GRU [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GRUCell [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GatherNd [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GatherTree [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LSTM [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MatMul [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Gemm [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FullyConnected [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: NextIteration [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: RNNCell [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Reverse [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorArrayV3 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorArrayGatherV3 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorArrayReadV3 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorArrayScatterV3 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorArraySizeV3 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorArrayWriteV3 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorIteratorInput [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorIteratorOutput [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorIteratorCondition [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorIteratorBackEdge [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Accum [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LeakyReLU [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SoftPlus [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AdaptiveAvgPooling [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ArgMax [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Assert [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ATen [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Axpy [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Binarization [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: BN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: _contrib_box_nms [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Bucketize [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ConstantFill [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: copy [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Correlation [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: CTCGreedyDecoder [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: CumSum [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MXNetCumSum [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: DataAugmentation [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: DepthToSpace [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronDetectionOutput [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FakeQuantize [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Gelu [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GRN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: HardSigmoid [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Identity [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: IdentityN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: InstanceNormalization [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Interp [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Interpolate [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LSTMCell [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LSTMSequence [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Merge [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MVN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MXRepeat [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MXReshape [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MXSlice [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: NonMaxSuppression [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: NonZero [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Normalize [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: NormalizeL2 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: OneHot [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Pack [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: pnorm [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: PowerFile [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: PredictionHeatmap [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: PReLU [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: PriorBox [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: PriorBoxClustered [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronPriorGridGenerator [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Proposal [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronGenerateProposalsSingleImage [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: PSROIPooling [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Range [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Rank [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: RegionYolo [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReorgYolo [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Resample [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Resize [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReverseSequence [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ROIAlign [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronROIFeatureExtractor [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Select [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ShuffleChannels [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SimplerNMS [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Size [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: slice_like [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SpaceToDepth [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SparseFillEmptyRows [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SparseReshape [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SparseSegmentMean [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SparseSegmentSqrtN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SparseSegmentSum [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SparseToDense [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SpatialTransformer [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Splice [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: StopGradient [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SwapAxis [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Switch [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TopK [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronTopKROIs [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Transpose [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Unique [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Upsample [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AttributedGather [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Interpolate [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AttributedLRN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Log1p [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LogSoftmax [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Pack [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AttributedPower [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReduceL2 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FakeQuantWithMinMaxVars [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: EltwiseN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Rank [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ImageScaler [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: InstanceNormalization [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Reciprocal [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SoftPlus [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Softsign [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: UnknownOp [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SquaredDifference [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Pooling [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ArgMax [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Abs [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Acos [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Asin [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Atan [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Ceil [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Cos [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Cosh [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Elu [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Erf [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Exp [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Floor [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LeakyRelu [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Log [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Not [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Relu [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Sigmoid [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Sign [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Sin [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Sinh [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Tan [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Tanh [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Affine [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ArgMax [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ATen [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Cast [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Clip [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Const [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Constant [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ConstantFill [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ConstantOfShape [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Conv [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ConvTranspose [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Crop [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: CumSum [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: DeformableConv2D [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: DetectionOutput [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronDetectionOutput [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Dropout [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Add [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Sub [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Mul [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Div [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Sum [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Pow [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Neg [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Sqrt [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Scale [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Max [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Equal [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Less [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Greater [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: And [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Or [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Xor [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Expand [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Flatten [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Gather [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Gemm [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronGroupNorm [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GroupNorm [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GRU [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ImageScaler [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: InstanceNormalization [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LpNormalization [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LRN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LSTM [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MatMul [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MeanVarianceNormalization [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: NonMaxSuppression [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: NonZero [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Normalize [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: OneHot [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Pad [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Parameter [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AveragePool [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MaxPool [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GlobalAveragePool [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GlobalMaxPool [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: PriorBoxClustered [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: PriorBox [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronPriorGridGenerator [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronGenerateProposalsSingleImage [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FakeQuantize [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Range [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReduceL2 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReduceMax [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReduceMean [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReduceMin [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReduceProd [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReduceSum [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Resize [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReverseSequence [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: RNN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ROIAlign [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronROIFeatureExtractor [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Scatter [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ScatterElements [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Shape [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Slice [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Softmax [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LogSoftmax [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Softplus [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Split [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Squeeze [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TopK [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronTopKROIs [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Transpose [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Unsqueeze [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Upsample [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Where [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: HardSigmoid [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LogSoftmaxONNX [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SoftMaxONNX [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ONNXPad [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] New subclass: [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ArgMax [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Slice [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GroupNorm [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ 2020-08-04 11:35:28,298 ] [ DEBUG ] [ class_registration:48 ] All replacers has unique idxs. [ 2020-08-04 11:35:28,336 ] [ DEBUG ] [ class_registration:258 ] Replacers execution order: | id | enabled | class | 0 | True | | 1 | True | | 2 | True | | 3 | None | | 4 | None | | 5 | None | | 6 | None | | 7 | None | | 8 | None | | 9 | None | | 10 | None | | 11 | False | | 12 | True | | 13 | True | | 14 | True | | 15 | True | | 16 | True | | 17 | True | | 18 | True | | 19 | True | | 20 | None | | 21 | True | | 22 | True | | 23 | True | | 24 | True | | 25 | True | | 26 | True | | 27 | True | | 28 | True | | 29 | True | | 30 | True | | 31 | True | | 32 | True | | 33 | True | | 34 | True | | 35 | True | | 36 | True | | 37 | True | | 38 | True | | 39 | True | | 40 | True | | 41 | True | | 42 | True | | 43 | True | | 44 | True | | 45 | True | | 46 | None | | 47 | True | | 48 | None | | 49 | True | | 50 | True | | 51 | True | | 52 | True | | 53 | None | | 54 | True | | 55 | True | | 56 | True | | 57 | True | | 58 | True | | 59 | True | | 60 | True | | 61 | True | | 62 | True | | 63 | True | | 64 | True | | 65 | True | | 66 | True | | 67 | True | | 68 | True | | 69 | True | | 70 | True | | 71 | True | | 72 | True | | 73 | True | | 74 | True | | 75 | True | | 76 | True | | 77 | True | | 78 | True | | 79 | True | | 80 | True | | 81 | True | | 82 | True | | 83 | True | | 84 | True | | 85 | True | | 86 | True | | 87 | True | | 88 | True | | 89 | True | | 90 | True | | 91 | True | | 92 | True | | 93 | True | | 94 | True | | 95 | True | | 96 | True | | 97 | True | | 98 | True | | 99 | True | | 100 | True | | 101 | True | | 102 | True | | 103 | True | | 104 | True | | 105 | True | | 106 | True | | 107 | True | | 108 | True | | 109 | True | | 110 | True | | 111 | True | | 112 | True | | 113 | True | | 114 | True | | 115 | True | | 116 | True | | 117 | True | | 118 | True | | 119 | True | | 120 | True | | 121 | True | | 122 | True | | 123 | True | | 124 | True | | 125 | True | | 126 | True | | 127 | True | | 128 | True | | 129 | True | | 130 | True | | 131 | True | | 132 | True | | 133 | True | | 134 | True | | 135 | True | | 136 | True | | 137 | True | | 138 | True | | 139 | True | | 140 | True | | 141 | True | | 142 | True | | 143 | True | | 144 | True | | 145 | True | | 146 | True | | 147 | True | | 148 | False | | 149 | True | | 150 | True | | 151 | True | | 152 | True | | 153 | True | | 154 | None | | 155 | True | | 156 | True | | 157 | True | | 158 | True | | 159 | True | | 160 | True | | 161 | True | | 162 | False | | 163 | False | | 164 | True | | 165 | True | | 166 | True | | 167 | True | | 168 | True | | 169 | True | | 170 | True | | 171 | True | | 172 | True | | 173 | True | | 174 | True | | 175 | True | | 176 | True | | 177 | True | | 178 | True | | 179 | True | | 180 | True | | 181 | True | | 182 | True | | 183 | True | | 184 | True | | 185 | True | | 186 | True | | 187 | True | | 188 | True | | 189 | True | | 190 | True | | 191 | True | | 192 | True | | 193 | True | | 194 | True | | 195 | True | | 196 | True | | 197 | True | | 198 | True | | 199 | True | | 200 | True | | 201 | True | | 202 | True | | 203 | True | | 204 | True | | 205 | True | | 206 | True | | 207 | True | | 208 | True | | 209 | False | | 210 | False | | 211 | True | | 212 | True | | 213 | True | | 214 | True | | 215 | True | | 216 | True | | 217 | False | | 218 | True | | 219 | False | | 220 | False | | 221 | True | | 222 | True | | 223 | False | | 224 | True | | 225 | True | | 226 | True | | 227 | True | | 228 | True | | 229 | False | | 230 | True | | 231 | True | | 232 | True | | 233 | True | | 234 | False | | 235 | True | | 236 | False | | 237 | True | | 238 | True | | 239 | True | | 240 | True | | 241 | True | | 242 | True | | 243 | True | | 244 | True | | 245 | True | | 246 | True | | 247 | True | | 248 | True | | 249 | True | | 250 | True | | 251 | True | | 252 | False | | 253 | False | | 254 | True | | 255 | True | | 256 | True | | 257 | True | | 258 | True | | 259 | True | | 260 | True | | 261 | False | | 262 | True | | 263 | True | | 264 | True | | 265 | True | | 266 | False | | 267 | False | | 268 | True | | 269 | True | | 270 | True | | 271 | True | | 272 | True | | 273 | True | | 274 | True | | 275 | True | | 276 | True | | 277 | True | | 278 | False | | 279 | False | | 280 | True | | 281 | True | | 282 | True | | 283 | True | | 284 | True | | 285 | True | | 286 | True | | 287 | True | | 288 | True | | 289 | True | | 290 | True | | 291 | True | | 292 | True | | 293 | True | | 294 | True | | 295 | True | | 296 | True | | 297 | True | | 298 | True | | 299 | True | | 300 | True | | 301 | True | | 302 | True | | 303 | True | | 304 | True | | 305 | True | | 306 | True | | 307 | True | | 308 | True | | 309 | False | | 310 | False | | 311 | True | | 312 | True | | 313 | False | | 314 | True | | 315 | False | | 316 | False | [ 2020-08-04 11:35:28,364 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:28,422 ] [ DEBUG ] [ loader:42 ] Number of nodes in graph_def: 901 [ 2020-08-04 11:35:28,422 ] [ DEBUG ] [ loader:43 ] Number of all input ports (not true inputs) in graph_def: 1 [ 2020-08-04 11:35:28,423 ] [ DEBUG ] [ loader:44 ] Number of initializers in graph_def: 331 [ 2020-08-04 11:35:28,425 ] [ DEBUG ] [ loader:46 ] Number of real inputs in graph_def: -330 [ 2020-08-04 11:35:28,426 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Abs to extractors with custom extractor class . [ 2020-08-04 11:35:28,427 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Acos to extractors with custom extractor class . [ 2020-08-04 11:35:28,428 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Asin to extractors with custom extractor class . [ 2020-08-04 11:35:28,428 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Atan to extractors with custom extractor class . [ 2020-08-04 11:35:28,429 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Ceil to extractors with custom extractor class . [ 2020-08-04 11:35:28,430 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Cos to extractors with custom extractor class . [ 2020-08-04 11:35:28,431 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Cosh to extractors with custom extractor class . [ 2020-08-04 11:35:28,432 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Elu to extractors with custom extractor class . [ 2020-08-04 11:35:28,434 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Erf to extractors with custom extractor class . [ 2020-08-04 11:35:28,436 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Exp to extractors with custom extractor class . [ 2020-08-04 11:35:28,436 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Floor to extractors with custom extractor class . [ 2020-08-04 11:35:28,437 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry LeakyRelu to extractors with custom extractor class . [ 2020-08-04 11:35:28,438 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Log to extractors with custom extractor class . [ 2020-08-04 11:35:28,438 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Not to extractors with custom extractor class . [ 2020-08-04 11:35:28,439 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Relu to extractors with custom extractor class . [ 2020-08-04 11:35:28,440 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sigmoid to extractors with custom extractor class . [ 2020-08-04 11:35:28,441 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sign to extractors with custom extractor class . [ 2020-08-04 11:35:28,441 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sin to extractors with custom extractor class . [ 2020-08-04 11:35:28,442 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sinh to extractors with custom extractor class . [ 2020-08-04 11:35:28,443 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Tan to extractors with custom extractor class . [ 2020-08-04 11:35:28,447 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Tanh to extractors with custom extractor class . [ 2020-08-04 11:35:28,448 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Affine to extractors with custom extractor class . [ 2020-08-04 11:35:28,448 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ArgMax to extractors with custom extractor class . [ 2020-08-04 11:35:28,449 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ATen to extractors with custom extractor class . [ 2020-08-04 11:35:28,450 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Cast to extractors with custom extractor class . [ 2020-08-04 11:35:28,451 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Clip to extractors with custom extractor class . [ 2020-08-04 11:35:28,451 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Const to extractors with custom extractor class . [ 2020-08-04 11:35:28,452 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Constant to extractors with custom extractor class . [ 2020-08-04 11:35:28,453 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ConstantFill to extractors with custom extractor class . [ 2020-08-04 11:35:28,454 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ConstantOfShape to extractors with custom extractor class . [ 2020-08-04 11:35:28,454 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Conv to extractors with custom extractor class . [ 2020-08-04 11:35:28,455 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ConvTranspose to extractors with custom extractor class . [ 2020-08-04 11:35:28,458 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Crop to extractors with custom extractor class . [ 2020-08-04 11:35:28,459 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry CumSum to extractors with custom extractor class . [ 2020-08-04 11:35:28,460 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry DeformableConv2D to extractors with custom extractor class . [ 2020-08-04 11:35:28,461 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry DetectionOutput to extractors with custom extractor class . [ 2020-08-04 11:35:28,462 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ExperimentalDetectronDetectionOutput to extractors with custom extractor class . [ 2020-08-04 11:35:28,463 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Dropout to extractors with custom extractor class . [ 2020-08-04 11:35:28,463 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Add to extractors with custom extractor class . [ 2020-08-04 11:35:28,464 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sub to extractors with custom extractor class . [ 2020-08-04 11:35:28,465 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Mul to extractors with custom extractor class . [ 2020-08-04 11:35:28,466 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Div to extractors with custom extractor class . [ 2020-08-04 11:35:28,469 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sum to extractors with custom extractor class . [ 2020-08-04 11:35:28,470 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Pow to extractors with custom extractor class . [ 2020-08-04 11:35:28,471 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Neg to extractors with custom extractor class . [ 2020-08-04 11:35:28,472 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sqrt to extractors with custom extractor class . [ 2020-08-04 11:35:28,473 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Scale to extractors with custom extractor class . [ 2020-08-04 11:35:28,473 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Max to extractors with custom extractor class . [ 2020-08-04 11:35:28,474 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Equal to extractors with custom extractor class . [ 2020-08-04 11:35:28,475 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Less to extractors with custom extractor class . [ 2020-08-04 11:35:28,476 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Greater to extractors with custom extractor class . [ 2020-08-04 11:35:28,477 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry And to extractors with custom extractor class . [ 2020-08-04 11:35:28,480 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Or to extractors with custom extractor class . [ 2020-08-04 11:35:28,481 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Xor to extractors with custom extractor class . [ 2020-08-04 11:35:28,482 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Expand to extractors with custom extractor class . [ 2020-08-04 11:35:28,483 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Flatten to extractors with custom extractor class . [ 2020-08-04 11:35:28,484 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Gather to extractors with custom extractor class . [ 2020-08-04 11:35:28,484 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Gemm to extractors with custom extractor class . [ 2020-08-04 11:35:28,485 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ExperimentalDetectronGroupNorm to extractors with custom extractor class . [ 2020-08-04 11:35:28,486 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry GroupNorm to extractors with custom extractor class . [ 2020-08-04 11:35:28,487 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry GRU to extractors with custom extractor class . [ 2020-08-04 11:35:28,488 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ImageScaler to extractors with custom extractor class . [ 2020-08-04 11:35:28,491 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry InstanceNormalization to extractors with custom extractor class . [ 2020-08-04 11:35:28,492 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry LpNormalization to extractors with custom extractor class . [ 2020-08-04 11:35:28,493 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry LRN to extractors with custom extractor class . [ 2020-08-04 11:35:28,494 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry LSTM to extractors with custom extractor class . [ 2020-08-04 11:35:28,495 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry MatMul to extractors with custom extractor class . [ 2020-08-04 11:35:28,496 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry MeanVarianceNormalization to extractors with custom extractor class . [ 2020-08-04 11:35:28,497 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry NonMaxSuppression to extractors with custom extractor class . [ 2020-08-04 11:35:28,497 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry NonZero to extractors with custom extractor class . [ 2020-08-04 11:35:28,498 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Normalize to extractors with custom extractor class . [ 2020-08-04 11:35:28,499 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry OneHot to extractors with custom extractor class . [ 2020-08-04 11:35:28,502 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Pad to extractors with custom extractor class . [ 2020-08-04 11:35:28,503 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Parameter to extractors with custom extractor class . [ 2020-08-04 11:35:28,504 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry AveragePool to extractors with custom extractor class . [ 2020-08-04 11:35:28,504 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry MaxPool to extractors with custom extractor class . [ 2020-08-04 11:35:28,505 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry GlobalAveragePool to extractors with custom extractor class . [ 2020-08-04 11:35:28,506 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry GlobalMaxPool to extractors with custom extractor class . [ 2020-08-04 11:35:28,507 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry PriorBoxClustered to extractors with custom extractor class . [ 2020-08-04 11:35:28,508 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry PriorBox to extractors with custom extractor class . [ 2020-08-04 11:35:28,509 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ExperimentalDetectronPriorGridGenerator to extractors with custom extractor class . [ 2020-08-04 11:35:28,510 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ExperimentalDetectronGenerateProposalsSingleImage to extractors with custom extractor class . [ 2020-08-04 11:35:28,514 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry FakeQuantize to extractors with custom extractor class . [ 2020-08-04 11:35:28,514 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Range to extractors with custom extractor class . [ 2020-08-04 11:35:28,515 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ReduceL2 to extractors with custom extractor class . [ 2020-08-04 11:35:28,516 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ReduceMax to extractors with custom extractor class . [ 2020-08-04 11:35:28,517 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ReduceMean to extractors with custom extractor class . [ 2020-08-04 11:35:28,517 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ReduceMin to extractors with custom extractor class . [ 2020-08-04 11:35:28,518 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ReduceProd to extractors with custom extractor class . [ 2020-08-04 11:35:28,519 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ReduceSum to extractors with custom extractor class . [ 2020-08-04 11:35:28,520 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Resize to extractors with custom extractor class . [ 2020-08-04 11:35:28,521 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ReverseSequence to extractors with custom extractor class . [ 2020-08-04 11:35:28,524 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry RNN to extractors with custom extractor class . [ 2020-08-04 11:35:28,525 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ROIAlign to extractors with custom extractor class . [ 2020-08-04 11:35:28,526 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ExperimentalDetectronROIFeatureExtractor to extractors with custom extractor class . [ 2020-08-04 11:35:28,527 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Scatter to extractors with custom extractor class . [ 2020-08-04 11:35:28,528 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ScatterElements to extractors with custom extractor class . [ 2020-08-04 11:35:28,529 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Shape to extractors with custom extractor class . [ 2020-08-04 11:35:28,529 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Slice to extractors with custom extractor class . [ 2020-08-04 11:35:28,530 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Softmax to extractors with custom extractor class . [ 2020-08-04 11:35:28,531 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry LogSoftmax to extractors with custom extractor class . [ 2020-08-04 11:35:28,532 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Softplus to extractors with custom extractor class . [ 2020-08-04 11:35:28,535 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Split to extractors with custom extractor class . [ 2020-08-04 11:35:28,536 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Squeeze to extractors with custom extractor class . [ 2020-08-04 11:35:28,537 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry TopK to extractors with custom extractor class . [ 2020-08-04 11:35:28,537 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ExperimentalDetectronTopKROIs to extractors with custom extractor class . [ 2020-08-04 11:35:28,538 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Transpose to extractors with custom extractor class . [ 2020-08-04 11:35:28,539 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Unsqueeze to extractors with custom extractor class . [ 2020-08-04 11:35:28,540 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Upsample to extractors with custom extractor class . [ 2020-08-04 11:35:28,540 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Where to extractors with custom extractor class . [ 2020-08-04 11:35:28,541 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorIterator to extractors with custom op class . [ 2020-08-04 11:35:28,542 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Activation to extractors with custom op class . [ 2020-08-04 11:35:28,543 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Assign to extractors with custom op class . [ 2020-08-04 11:35:28,546 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry AttributedGather to extractors with custom op class . [ 2020-08-04 11:35:28,547 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Broadcast to extractors with custom op class . [ 2020-08-04 11:35:28,548 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry AttributedClamp to extractors with custom op class . [ 2020-08-04 11:35:28,548 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Clamp to extractors with custom op class . [ 2020-08-04 11:35:28,549 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Convolution to extractors with custom op class . [ 2020-08-04 11:35:28,550 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Deconvolution to extractors with custom op class . [ 2020-08-04 11:35:28,551 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry DeformableConvolution to extractors with custom op class . [ 2020-08-04 11:35:28,551 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Eltwise to extractors with custom op class . [ 2020-08-04 11:35:28,552 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry EltwiseN to extractors with custom op class . [ 2020-08-04 11:35:28,553 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry EltwiseNin1 to extractors with custom op class . [ 2020-08-04 11:35:28,554 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ExpandDims to extractors with custom op class . [ 2020-08-04 11:35:28,557 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Fill to extractors with custom op class . [ 2020-08-04 11:35:28,558 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry FlattenONNX to extractors with custom op class . [ 2020-08-04 11:35:28,558 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry AttributedLRN to extractors with custom op class . [ 2020-08-04 11:35:28,559 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry LstmNonLinearity to extractors with custom op class . [ 2020-08-04 11:35:28,560 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Memory to extractors with custom op class . [ 2020-08-04 11:35:28,561 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry MemoryOffset to extractors with custom op class . [ 2020-08-04 11:35:28,562 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry AttributedPad to extractors with custom op class . [ 2020-08-04 11:35:28,562 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TFPad to extractors with custom op class . [ 2020-08-04 11:35:28,563 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ONNXPad to extractors with custom op class . [ 2020-08-04 11:35:28,563 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Permute to extractors with custom op class . [ 2020-08-04 11:35:28,564 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Pooling to extractors with custom op class . [ 2020-08-04 11:35:28,565 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry AttributedPower to extractors with custom op class . [ 2020-08-04 11:35:28,568 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ReadValue to extractors with custom op class . [ 2020-08-04 11:35:28,569 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Result to extractors with custom op class . [ 2020-08-04 11:35:28,570 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ROIPooling to extractors with custom op class . [ 2020-08-04 11:35:28,571 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ScaleShift to extractors with custom op class . [ 2020-08-04 11:35:28,571 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ShapeOf to extractors with custom op class . [ 2020-08-04 11:35:28,572 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SoftMaxONNX to extractors with custom op class . [ 2020-08-04 11:35:28,573 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry LogSoftmaxONNX to extractors with custom op class . [ 2020-08-04 11:35:28,573 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SpaceToBatch to extractors with custom op class . [ 2020-08-04 11:35:28,574 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry BatchToSpace to extractors with custom op class . [ 2020-08-04 11:35:28,575 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry StridedSlice to extractors with custom op class . [ 2020-08-04 11:35:28,576 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Tile to extractors with custom op class . [ 2020-08-04 11:35:28,580 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry AttributedTile to extractors with custom op class . [ 2020-08-04 11:35:28,580 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry BlockLSTM to extractors with custom op class . [ 2020-08-04 11:35:28,581 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Enter to extractors with custom op class . [ 2020-08-04 11:35:28,582 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Exit to extractors with custom op class . [ 2020-08-04 11:35:28,582 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry GRUCell to extractors with custom op class . [ 2020-08-04 11:35:28,583 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry GatherNd to extractors with custom op class . [ 2020-08-04 11:35:28,584 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry GatherTree to extractors with custom op class . [ 2020-08-04 11:35:28,584 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry FullyConnected to extractors with custom op class . [ 2020-08-04 11:35:28,585 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry NextIteration to extractors with custom op class . [ 2020-08-04 11:35:28,586 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry RNNCell to extractors with custom op class . [ 2020-08-04 11:35:28,587 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Reverse to extractors with custom op class . [ 2020-08-04 11:35:28,587 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorArrayV3 to extractors with custom op class . [ 2020-08-04 11:35:28,588 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorArrayGatherV3 to extractors with custom op class . [ 2020-08-04 11:35:28,592 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorArrayReadV3 to extractors with custom op class . [ 2020-08-04 11:35:28,593 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorArrayScatterV3 to extractors with custom op class . [ 2020-08-04 11:35:28,594 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorArraySizeV3 to extractors with custom op class . [ 2020-08-04 11:35:28,595 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorArrayWriteV3 to extractors with custom op class . [ 2020-08-04 11:35:28,595 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorIteratorInput to extractors with custom op class . [ 2020-08-04 11:35:28,596 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorIteratorOutput to extractors with custom op class . [ 2020-08-04 11:35:28,597 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorIteratorCondition to extractors with custom op class . [ 2020-08-04 11:35:28,598 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorIteratorBackEdge to extractors with custom op class . [ 2020-08-04 11:35:28,599 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Accum to extractors with custom op class . [ 2020-08-04 11:35:28,600 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry AdaptiveAvgPooling to extractors with custom op class . [ 2020-08-04 11:35:28,603 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Assert to extractors with custom op class . [ 2020-08-04 11:35:28,604 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Axpy to extractors with custom op class . [ 2020-08-04 11:35:28,604 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Binarization to extractors with custom op class . [ 2020-08-04 11:35:28,605 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry BN to extractors with custom op class . [ 2020-08-04 11:35:28,606 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry _contrib_box_nms to extractors with custom op class . [ 2020-08-04 11:35:28,606 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Bucketize to extractors with custom op class . [ 2020-08-04 11:35:28,607 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry copy to extractors with custom op class . [ 2020-08-04 11:35:28,608 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Correlation to extractors with custom op class . [ 2020-08-04 11:35:28,608 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry CTCGreedyDecoder to extractors with custom op class . [ 2020-08-04 11:35:28,609 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry MXNetCumSum to extractors with custom op class . [ 2020-08-04 11:35:28,610 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry DataAugmentation to extractors with custom op class . [ 2020-08-04 11:35:28,611 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry DepthToSpace to extractors with custom op class . [ 2020-08-04 11:35:28,614 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Gelu to extractors with custom op class . [ 2020-08-04 11:35:28,615 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry GRN to extractors with custom op class . [ 2020-08-04 11:35:28,615 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry HardSigmoid to extractors with custom op class . [ 2020-08-04 11:35:28,616 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry IdentityN to extractors with custom op class . [ 2020-08-04 11:35:28,617 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Interp to extractors with custom op class . [ 2020-08-04 11:35:28,617 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Interpolate to extractors with custom op class . [ 2020-08-04 11:35:28,618 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry LSTMCell to extractors with custom op class . [ 2020-08-04 11:35:28,618 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry LSTMSequence to extractors with custom op class . [ 2020-08-04 11:35:28,619 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Merge to extractors with custom op class . [ 2020-08-04 11:35:28,620 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry MVN to extractors with custom op class . [ 2020-08-04 11:35:28,621 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry MXRepeat to extractors with custom op class . [ 2020-08-04 11:35:28,622 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry MXReshape to extractors with custom op class . [ 2020-08-04 11:35:28,625 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry MXSlice to extractors with custom op class . [ 2020-08-04 11:35:28,626 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry NormalizeL2 to extractors with custom op class . [ 2020-08-04 11:35:28,627 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Pack to extractors with custom op class . [ 2020-08-04 11:35:28,628 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry pnorm to extractors with custom op class . [ 2020-08-04 11:35:28,628 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry PowerFile to extractors with custom op class . [ 2020-08-04 11:35:28,629 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry PredictionHeatmap to extractors with custom op class . [ 2020-08-04 11:35:28,630 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry PReLU to extractors with custom op class . [ 2020-08-04 11:35:28,631 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Proposal to extractors with custom op class . [ 2020-08-04 11:35:28,632 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry PSROIPooling to extractors with custom op class . [ 2020-08-04 11:35:28,633 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Rank to extractors with custom op class . [ 2020-08-04 11:35:28,635 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry RegionYolo to extractors with custom op class . [ 2020-08-04 11:35:28,636 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ReorgYolo to extractors with custom op class . [ 2020-08-04 11:35:28,637 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Resample to extractors with custom op class . [ 2020-08-04 11:35:28,638 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Select to extractors with custom op class . [ 2020-08-04 11:35:28,638 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ShuffleChannels to extractors with custom op class . [ 2020-08-04 11:35:28,639 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SimplerNMS to extractors with custom op class . [ 2020-08-04 11:35:28,640 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Size to extractors with custom op class . [ 2020-08-04 11:35:28,640 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry slice_like to extractors with custom op class . [ 2020-08-04 11:35:28,641 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SpaceToDepth to extractors with custom op class . [ 2020-08-04 11:35:28,642 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SparseFillEmptyRows to extractors with custom op class . [ 2020-08-04 11:35:28,642 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SparseReshape to extractors with custom op class . [ 2020-08-04 11:35:28,643 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SparseSegmentMean to extractors with custom op class . [ 2020-08-04 11:35:28,647 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SparseSegmentSqrtN to extractors with custom op class . [ 2020-08-04 11:35:28,648 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SparseSegmentSum to extractors with custom op class . [ 2020-08-04 11:35:28,649 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SparseToDense to extractors with custom op class . [ 2020-08-04 11:35:28,649 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SpatialTransformer to extractors with custom op class . [ 2020-08-04 11:35:28,650 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Splice to extractors with custom op class . [ 2020-08-04 11:35:28,651 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry StopGradient to extractors with custom op class . [ 2020-08-04 11:35:28,652 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SwapAxis to extractors with custom op class . [ 2020-08-04 11:35:28,652 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Switch to extractors with custom op class . [ 2020-08-04 11:35:28,653 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Unique to extractors with custom op class . [ 2020-08-04 11:35:28,718 ] [ DEBUG ] [ loader:59 ] Number of nodes in NX graph: 1233 [ 2020-08-04 11:35:29,214 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ INFO ] Skip replacer (graph_condition not satisfied) [ 2020-08-04 11:35:29,233 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ INFO ] Skip replacer (graph_condition not satisfied) [ INFO ] Skip replacer (graph_condition not satisfied) [ 2020-08-04 11:35:29,254 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ INFO ] Skip replacer (graph_condition not satisfied) [ 2020-08-04 11:35:29,316 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:29,343 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:29,365 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ INFO ] Skip replacer (enabled = False) [ 2020-08-04 11:35:29,382 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:29,400 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:29,429 ] [ DEBUG ] [ graph:1044 ] Sink: Concat_900/sink_port_0 for node Concat_900 [ 2020-08-04 11:35:29,430 ] [ DEBUG ] [ graph:1045 ] {'kind': 'op', 'op': 'Result', 'type': 'Result', 'version': 'opset1', 'infer': . at 0x00000217E4E562F0>, 'value': None, 'data_type': None, 'in_ports_count': 1, 'name': 'Concat_900/sink_port_0', 'dim_attrs': ['axis', 'channel_dims', 'batch_dims', 'spatial_dims'], 'shape_attrs': ['output_shape', 'shape', 'pad', 'stride', 'window'], 'IE': [('layer', [('id', . at 0x00000217E4E59F28>), 'name', 'type', 'version'], [('data', [], []), '@ports', '@consts'])], '_in_ports': {0: {}}, '_out_ports': {}} [ 2020-08-04 11:35:29,432 ] [ DEBUG ] [ graph:1046 ] Add edge from Concat_900 to Concat_900/sink_port_0 [ 2020-08-04 11:35:29,436 ] [ DEBUG ] [ eliminate:66 ] The following nodes are seeded as output reachable: Concat_900/sink_port_0 [ 2020-08-04 11:35:29,561 ] [ DEBUG ] [ eliminate:136 ] Removing the following dead nodes: [ 2020-08-04 11:35:29,588 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:29,612 ] [ DEBUG ] [ eliminate:66 ] The following nodes are seeded as output reachable: Concat_900/sink_port_0 [ 2020-08-04 11:35:29,760 ] [ DEBUG ] [ eliminate:136 ] Removing the following dead nodes: [ 2020-08-04 11:35:29,787 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:29,814 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:29,898 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:29,959 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:30,083 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:30,103 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'TFYOLOV3' doesn't exist [ INFO ] Failed to find custom replacement description with id 'TFYOLOV3' [ 2020-08-04 11:35:30,128 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:30,150 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:30,264 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:30,294 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:30,396 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ INFO ] Skip replacer (graph_condition not satisfied) [ 2020-08-04 11:35:30,448 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:30,472 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:30,536 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:30,601 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:30,624 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:31,233 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:31,591 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:31,684 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:31,826 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:31,930 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:32,022 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:32,112 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:32,182 ] [ DEBUG ] [ eliminate:66 ] The following nodes are seeded as output reachable: Concat_900/sink_port_0 [ 2020-08-04 11:35:32,341 ] [ DEBUG ] [ eliminate:136 ] Removing the following dead nodes: [ 2020-08-04 11:35:32,382 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:32,425 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:32,514 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:32,767 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:32,800 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:32,898 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:32,933 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:33,051 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'ONNXPersonDetectionCrossroadReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ONNXPersonDetectionCrossroadReplacement' [ 2020-08-04 11:35:33,090 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:33,188 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'ONNXMaskRCNNReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ONNXMaskRCNNReplacement' [ 2020-08-04 11:35:33,224 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:33,341 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:33,380 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:33,415 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:33,517 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'TFYOLO' doesn't exist [ INFO ] Failed to find custom replacement description with id 'TFYOLO' [ 2020-08-04 11:35:33,550 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:33,630 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ INFO ] Skip replacer (graph_condition not satisfied) [ 2020-08-04 11:35:33,701 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:33,780 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:33,867 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:33,936 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:34,024 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:34,048 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:34,120 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ INFO ] Enabled GeLU Merger for approximation with TanH [ 2020-08-04 11:35:34,210 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ INFO ] Enabled GeLU Merger replacement for approximation with Erf [ 2020-08-04 11:35:34,287 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:34,359 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:34,428 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:34,501 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:34,583 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:34,653 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:34,679 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:34,752 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:34,823 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:34,850 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ INFO ] Skip replacer (graph_condition not satisfied) [ 2020-08-04 11:35:34,920 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:35,042 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:35,077 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:35,178 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:35,350 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:35,376 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:35,433 ] [ DEBUG ] [ eliminate:66 ] The following nodes are seeded as output reachable: Concat_900/sink_port_0 [ 2020-08-04 11:35:35,563 ] [ DEBUG ] [ eliminate:136 ] Removing the following dead nodes: ConstantOfShape_286 ConstantOfShape_292 ConstantOfShape_335 ConstantOfShape_347 ConstantOfShape_356 ConstantOfShape_365 ConstantOfShape_374 ConstantOfShape_383 ConstantOfShape_412 ConstantOfShape_424 ConstantOfShape_433 ConstantOfShape_442 ConstantOfShape_451 ConstantOfShape_460 ConstantOfShape_496 ConstantOfShape_502 ConstantOfShape_545 ConstantOfShape_557 ConstantOfShape_566 ConstantOfShape_575 ConstantOfShape_584 ConstantOfShape_593 ConstantOfShape_622 ConstantOfShape_634 ConstantOfShape_643 ConstantOfShape_652 ConstantOfShape_661 ConstantOfShape_670 ConstantOfShape_706 ConstantOfShape_712 ConstantOfShape_755 ConstantOfShape_767 ConstantOfShape_776 ConstantOfShape_785 ConstantOfShape_794 ConstantOfShape_803 ConstantOfShape_832 ConstantOfShape_844 ConstantOfShape_853 ConstantOfShape_862 ConstantOfShape_871 ConstantOfShape_880 Unsqueeze_148 Unsqueeze_149 Unsqueeze_196 Unsqueeze_197 Unsqueeze_279 Unsqueeze_280 Unsqueeze_281 Unsqueeze_285 Unsqueeze_291 Unsqueeze_312 Unsqueeze_313 Unsqueeze_315 Unsqueeze_316 Unsqueeze_346 Unsqueeze_355 Unsqueeze_364 Unsqueeze_373 Unsqueeze_382 Unsqueeze_423 Unsqueeze_432 Unsqueeze_441 Unsqueeze_450 Unsqueeze_459 Unsqueeze_477 Unsqueeze_489 Unsqueeze_490 Unsqueeze_491 Unsqueeze_495 Unsqueeze_501 Unsqueeze_522 Unsqueeze_523 Unsqueeze_525 Unsqueeze_526 Unsqueeze_556 Unsqueeze_565 Unsqueeze_574 Unsqueeze_583 Unsqueeze_592 Unsqueeze_633 Unsqueeze_642 Unsqueeze_651 Unsqueeze_660 Unsqueeze_669 Unsqueeze_687 Unsqueeze_699 Unsqueeze_700 Unsqueeze_701 Unsqueeze_705 Unsqueeze_711 Unsqueeze_732 Unsqueeze_733 Unsqueeze_735 Unsqueeze_736 Unsqueeze_766 Unsqueeze_775 Unsqueeze_784 Unsqueeze_793 Unsqueeze_802 Unsqueeze_843 Unsqueeze_852 Unsqueeze_861 Unsqueeze_870 Unsqueeze_879 Unsqueeze_897 [ INFO ] Skip replacer (graph_condition not satisfied) [ 2020-08-04 11:35:35,601 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:35,632 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:35,655 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:35,889 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:35,923 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:35,960 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:36,035 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:36,067 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:36,232 ] [ DEBUG ] [ eliminate:66 ] The following nodes are seeded as output reachable: Concat_900/sink_port_0 [ 2020-08-04 11:35:36,554 ] [ DEBUG ] [ eliminate:136 ] Removing the following dead nodes: Gather_134 Gather_142 Gather_182 Gather_190 Gather_272 Gather_275 Gather_278 Gather_345 Gather_354 Gather_363 Gather_372 Gather_381 Gather_406 Gather_422 Gather_431 Gather_440 Gather_449 Gather_458 Gather_482 Gather_485 Gather_488 Gather_555 Gather_564 Gather_573 Gather_582 Gather_591 Gather_616 Gather_632 Gather_641 Gather_650 Gather_659 Gather_668 Gather_692 Gather_695 Gather_698 Gather_765 Gather_774 Gather_783 Gather_792 Gather_801 Gather_826 Gather_842 Gather_851 Gather_860 Gather_869 Gather_878 [ 2020-08-04 11:35:36,645 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-04 11:35:36,689 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,689 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_564/axis [ 2020-08-04 11:35:36,690 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,692 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,694 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,695 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,695 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,696 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_278/axis [ 2020-08-04 11:35:36,697 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,697 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,698 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,699 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,701 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,701 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_801/axis [ 2020-08-04 11:35:36,703 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,703 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,704 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,705 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,706 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,706 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_275/axis [ 2020-08-04 11:35:36,707 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,708 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,709 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,712 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,713 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,714 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_482/axis [ 2020-08-04 11:35:36,714 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,715 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,716 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,716 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,717 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,718 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_485/axis [ 2020-08-04 11:35:36,718 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,719 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,720 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,722 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,723 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,724 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_458/axis [ 2020-08-04 11:35:36,725 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,725 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,727 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,727 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,728 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,728 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_440/axis [ 2020-08-04 11:35:36,729 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,730 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,731 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,733 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,734 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,734 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_783/axis [ 2020-08-04 11:35:36,735 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,736 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,737 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,737 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,738 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,738 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_182/axis [ 2020-08-04 11:35:36,739 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,740 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,740 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,741 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,744 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,745 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_826/axis [ 2020-08-04 11:35:36,745 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,746 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,747 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,748 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,748 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,749 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_616/axis [ 2020-08-04 11:35:36,749 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,750 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,751 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,751 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,752 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,754 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_582/axis [ 2020-08-04 11:35:36,755 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,756 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,757 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,758 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,758 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,759 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_641/axis [ 2020-08-04 11:35:36,759 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,760 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,761 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,763 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,764 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,765 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_851/axis [ 2020-08-04 11:35:36,766 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,766 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,768 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,768 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,769 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,770 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_878/axis [ 2020-08-04 11:35:36,770 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,771 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,772 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,774 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,775 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,775 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_695/axis [ 2020-08-04 11:35:36,776 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,777 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,778 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,778 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,779 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,779 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_142/axis [ 2020-08-04 11:35:36,780 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,781 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,783 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,783 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,784 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,786 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_272/axis [ 2020-08-04 11:35:36,786 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,787 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,788 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,788 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,789 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,790 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_555/axis [ 2020-08-04 11:35:36,790 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,791 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,792 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,794 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,795 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,796 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_354/axis [ 2020-08-04 11:35:36,797 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,797 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,798 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,799 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,799 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,800 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_860/axis [ 2020-08-04 11:35:36,800 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,801 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,802 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,804 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,805 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,807 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_632/axis [ 2020-08-04 11:35:36,807 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,808 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,809 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,810 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,811 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,811 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_591/axis [ 2020-08-04 11:35:36,812 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,812 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,813 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,814 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,816 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,817 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_372/axis [ 2020-08-04 11:35:36,818 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,819 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,820 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,821 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,821 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,822 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_659/axis [ 2020-08-04 11:35:36,822 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,823 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,824 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,824 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,828 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,828 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_792/axis [ 2020-08-04 11:35:36,829 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,829 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,830 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,831 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,831 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,832 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_134/axis [ 2020-08-04 11:35:36,832 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,833 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,834 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,834 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,835 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,836 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_692/axis [ 2020-08-04 11:35:36,838 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,839 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,840 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,841 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,841 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,842 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_774/axis [ 2020-08-04 11:35:36,842 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,843 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,845 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,845 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,846 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,847 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_573/axis [ 2020-08-04 11:35:36,848 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,850 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,851 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,851 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,852 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,852 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_190/axis [ 2020-08-04 11:35:36,853 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,854 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,855 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,855 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,856 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,858 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_765/axis [ 2020-08-04 11:35:36,858 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,860 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,861 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,862 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,862 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,863 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_422/axis [ 2020-08-04 11:35:36,863 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,864 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,865 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,865 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,866 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,866 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_650/axis [ 2020-08-04 11:35:36,869 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,869 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,871 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,872 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,873 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,874 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_698/axis [ 2020-08-04 11:35:36,874 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,875 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,876 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,876 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,878 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,879 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_345/axis [ 2020-08-04 11:35:36,880 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,881 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,882 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,883 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,884 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,884 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_406/axis [ 2020-08-04 11:35:36,884 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,885 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,886 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,886 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,887 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,887 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_363/axis [ 2020-08-04 11:35:36,890 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,890 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,892 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,893 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,894 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,895 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_488/axis [ 2020-08-04 11:35:36,895 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,896 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,897 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,897 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,898 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,898 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_869/axis [ 2020-08-04 11:35:36,899 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,901 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,902 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,902 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,903 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,903 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_842/axis [ 2020-08-04 11:35:36,904 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,904 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,905 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,906 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,906 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,907 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_668/axis [ 2020-08-04 11:35:36,907 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,908 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,909 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,911 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,912 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,914 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_449/axis [ 2020-08-04 11:35:36,914 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,915 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,916 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,916 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,917 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,917 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_381/axis [ 2020-08-04 11:35:36,918 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,918 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,919 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,920 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,920 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,922 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_431/axis [ 2020-08-04 11:35:36,923 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,924 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,925 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,926 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:36,927 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,927 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_880/Broadcast/FillValue [ 2020-08-04 11:35:36,928 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,928 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,929 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,930 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:36,931 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,933 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_871/Broadcast/FillValue [ 2020-08-04 11:35:36,933 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,934 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,936 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,936 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:36,937 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,938 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_862/Broadcast/FillValue [ 2020-08-04 11:35:36,938 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,939 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,940 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,940 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:36,943 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,944 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_853/Broadcast/FillValue [ 2020-08-04 11:35:36,945 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,946 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,946 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,947 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:36,948 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,948 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_844/Broadcast/FillValue [ 2020-08-04 11:35:36,949 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,949 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,950 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,951 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:36,953 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,954 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_832/Broadcast/FillValue [ 2020-08-04 11:35:36,954 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,954 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,955 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,956 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:36,957 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,957 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_803/Broadcast/FillValue [ 2020-08-04 11:35:36,958 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,958 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,960 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,961 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:36,962 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,963 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_794/Broadcast/FillValue [ 2020-08-04 11:35:36,965 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,965 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,967 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,967 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:36,968 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,968 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_785/Broadcast/FillValue [ 2020-08-04 11:35:36,969 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,969 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,970 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,971 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:36,972 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,974 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_776/Broadcast/FillValue [ 2020-08-04 11:35:36,974 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,975 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,976 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,977 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:36,978 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,978 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_767/Broadcast/FillValue [ 2020-08-04 11:35:36,979 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,979 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,980 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,981 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:36,982 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,983 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_755/Broadcast/FillValue [ 2020-08-04 11:35:36,984 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,986 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,987 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,988 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:36,988 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,989 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_712/Broadcast/FillValue [ 2020-08-04 11:35:36,990 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,990 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,991 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,992 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:36,993 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:36,995 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_706/Broadcast/FillValue [ 2020-08-04 11:35:36,996 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:36,997 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:36,998 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:36,999 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:36,999 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,000 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_670/Broadcast/FillValue [ 2020-08-04 11:35:37,001 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,001 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,002 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,003 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,003 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,005 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_661/Broadcast/FillValue [ 2020-08-04 11:35:37,006 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,007 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,008 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,009 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,010 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,011 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_652/Broadcast/FillValue [ 2020-08-04 11:35:37,011 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,012 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,013 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,013 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,015 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,016 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_643/Broadcast/FillValue [ 2020-08-04 11:35:37,017 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,018 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,019 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,019 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,020 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,020 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_634/Broadcast/FillValue [ 2020-08-04 11:35:37,021 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,021 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,022 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,023 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,024 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,026 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_622/Broadcast/FillValue [ 2020-08-04 11:35:37,027 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,028 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,029 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,030 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,030 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,031 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_593/Broadcast/FillValue [ 2020-08-04 11:35:37,031 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,032 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,033 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,033 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,034 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,034 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_584/Broadcast/FillValue [ 2020-08-04 11:35:37,035 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,037 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,038 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,039 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,040 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,040 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_575/Broadcast/FillValue [ 2020-08-04 11:35:37,041 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,041 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,042 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,044 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,044 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,045 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_566/Broadcast/FillValue [ 2020-08-04 11:35:37,045 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,046 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,048 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,049 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,050 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,050 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_557/Broadcast/FillValue [ 2020-08-04 11:35:37,051 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,051 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,052 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,053 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,054 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,054 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_545/Broadcast/FillValue [ 2020-08-04 11:35:37,055 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,055 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,056 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,058 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,059 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,060 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_502/Broadcast/FillValue [ 2020-08-04 11:35:37,061 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,062 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,062 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,063 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,064 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,064 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_496/Broadcast/FillValue [ 2020-08-04 11:35:37,065 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,065 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,066 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,067 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,069 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,070 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_460/Broadcast/FillValue [ 2020-08-04 11:35:37,071 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,072 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,073 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,073 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,074 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,074 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_451/Broadcast/FillValue [ 2020-08-04 11:35:37,075 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,076 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,077 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,078 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,080 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,080 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_442/Broadcast/FillValue [ 2020-08-04 11:35:37,081 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,082 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,083 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,084 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,084 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,085 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_433/Broadcast/FillValue [ 2020-08-04 11:35:37,085 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,086 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,087 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,088 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,089 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,090 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_424/Broadcast/FillValue [ 2020-08-04 11:35:37,091 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,092 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,093 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,094 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,094 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,095 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_412/Broadcast/FillValue [ 2020-08-04 11:35:37,096 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,096 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,097 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,098 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,100 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,101 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_383/Broadcast/FillValue [ 2020-08-04 11:35:37,102 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,103 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,104 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,104 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,105 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,105 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_374/Broadcast/FillValue [ 2020-08-04 11:35:37,106 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,106 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,107 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,108 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,109 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,111 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_365/Broadcast/FillValue [ 2020-08-04 11:35:37,112 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,113 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,114 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,115 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,116 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,116 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_356/Broadcast/FillValue [ 2020-08-04 11:35:37,117 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,117 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,118 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,119 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,119 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,121 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_347/Broadcast/FillValue [ 2020-08-04 11:35:37,122 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,123 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,124 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,125 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,126 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,127 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_335/Broadcast/FillValue [ 2020-08-04 11:35:37,127 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,128 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,129 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,130 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,132 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,132 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_292/Broadcast/FillValue [ 2020-08-04 11:35:37,133 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,134 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,135 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,136 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,137 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,137 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_286/Broadcast/FillValue [ 2020-08-04 11:35:37,138 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,138 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,140 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,143 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,144 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,145 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_897/Dims [ 2020-08-04 11:35:37,145 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,146 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,147 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,148 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,148 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,149 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_879/Dims [ 2020-08-04 11:35:37,149 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,150 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,151 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,153 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,154 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,155 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_870/Dims [ 2020-08-04 11:35:37,155 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,156 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,157 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,157 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,158 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,159 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_861/Dims [ 2020-08-04 11:35:37,160 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,160 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,161 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,162 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,164 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,165 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_852/Dims [ 2020-08-04 11:35:37,166 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,166 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,167 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,168 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,169 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,169 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_843/Dims [ 2020-08-04 11:35:37,170 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,170 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,171 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,172 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,172 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,174 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_802/Dims [ 2020-08-04 11:35:37,175 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,176 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,177 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,178 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,179 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,179 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_793/Dims [ 2020-08-04 11:35:37,180 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,180 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,182 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,182 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,183 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,185 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_784/Dims [ 2020-08-04 11:35:37,186 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,187 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,188 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,189 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,189 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,190 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_775/Dims [ 2020-08-04 11:35:37,190 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,191 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,192 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,193 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,194 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,196 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_766/Dims [ 2020-08-04 11:35:37,196 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,197 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,198 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,198 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,199 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,199 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_736/Dims [ 2020-08-04 11:35:37,200 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,201 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,201 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,202 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,203 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,203 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_735/Dims [ 2020-08-04 11:35:37,204 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,206 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,207 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,208 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,209 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,210 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_733/Dims [ 2020-08-04 11:35:37,211 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,211 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,212 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,213 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [2] [ 2020-08-04 11:35:37,213 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,214 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_732/Dims [ 2020-08-04 11:35:37,214 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,217 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,218 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,219 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [2] [ 2020-08-04 11:35:37,220 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,220 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_711/Dims [ 2020-08-04 11:35:37,221 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,221 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,222 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,223 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,224 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,224 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_705/Dims [ 2020-08-04 11:35:37,225 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,225 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,227 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,229 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,230 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,230 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_701/Dims [ 2020-08-04 11:35:37,231 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,231 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,232 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,233 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,233 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,234 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_700/Dims [ 2020-08-04 11:35:37,234 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,235 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,236 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,237 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,238 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,239 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_699/Dims [ 2020-08-04 11:35:37,241 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,242 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,243 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,244 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,244 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,245 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_687/Dims [ 2020-08-04 11:35:37,245 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,246 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,247 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,247 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,250 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,250 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_669/Dims [ 2020-08-04 11:35:37,251 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,252 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,253 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,254 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,254 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,254 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_660/Dims [ 2020-08-04 11:35:37,255 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,256 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,257 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,257 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,258 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,261 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_651/Dims [ 2020-08-04 11:35:37,262 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,262 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,263 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,264 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,265 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,265 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_642/Dims [ 2020-08-04 11:35:37,266 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,266 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,267 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,268 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,269 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,269 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_633/Dims [ 2020-08-04 11:35:37,270 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,272 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,274 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,275 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,275 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,276 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_592/Dims [ 2020-08-04 11:35:37,277 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,277 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,278 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,279 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,280 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,281 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_583/Dims [ 2020-08-04 11:35:37,282 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,283 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,285 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,285 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,286 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,286 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_574/Dims [ 2020-08-04 11:35:37,287 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,288 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,289 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,289 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,290 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,292 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_565/Dims [ 2020-08-04 11:35:37,292 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,294 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,295 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,296 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,296 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,297 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_556/Dims [ 2020-08-04 11:35:37,297 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,298 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,299 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,300 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,301 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,302 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_526/Dims [ 2020-08-04 11:35:37,303 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,304 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,305 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,306 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,306 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,306 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_525/Dims [ 2020-08-04 11:35:37,307 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,307 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,309 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,309 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,312 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,312 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_523/Dims [ 2020-08-04 11:35:37,313 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,314 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,315 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,316 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [2] [ 2020-08-04 11:35:37,317 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,317 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_522/Dims [ 2020-08-04 11:35:37,317 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,318 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,319 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,320 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [2] [ 2020-08-04 11:35:37,322 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,323 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_501/Dims [ 2020-08-04 11:35:37,323 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,324 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,325 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,326 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,327 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,327 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_495/Dims [ 2020-08-04 11:35:37,328 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,328 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,329 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,330 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,332 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,333 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_491/Dims [ 2020-08-04 11:35:37,334 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,334 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,335 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,336 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,337 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,337 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_490/Dims [ 2020-08-04 11:35:37,338 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,338 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,339 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,340 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,340 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,341 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_489/Dims [ 2020-08-04 11:35:37,344 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,345 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,346 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,346 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,347 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,347 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_477/Dims [ 2020-08-04 11:35:37,348 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,349 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,349 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,350 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,351 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,351 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_459/Dims [ 2020-08-04 11:35:37,352 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,352 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,353 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,356 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,357 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,357 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_450/Dims [ 2020-08-04 11:35:37,357 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,358 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,359 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,360 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,360 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,361 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_441/Dims [ 2020-08-04 11:35:37,362 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,362 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,363 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,364 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,366 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,367 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_432/Dims [ 2020-08-04 11:35:37,367 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,367 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,369 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,369 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,370 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,370 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_423/Dims [ 2020-08-04 11:35:37,371 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,371 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,372 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,373 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,373 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,376 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_382/Dims [ 2020-08-04 11:35:37,377 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,378 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,379 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,380 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,380 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,381 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_373/Dims [ 2020-08-04 11:35:37,381 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,382 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,383 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,383 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,384 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,384 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_364/Dims [ 2020-08-04 11:35:37,385 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,387 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,388 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,389 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,390 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,390 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_355/Dims [ 2020-08-04 11:35:37,391 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,392 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,393 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,394 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,394 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,395 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_346/Dims [ 2020-08-04 11:35:37,395 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,396 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,399 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,400 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,401 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,401 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_316/Dims [ 2020-08-04 11:35:37,402 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,402 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,403 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,404 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,404 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,405 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_315/Dims [ 2020-08-04 11:35:37,406 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,406 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,407 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,411 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,411 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,412 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_313/Dims [ 2020-08-04 11:35:37,413 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,413 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,414 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,415 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [2] [ 2020-08-04 11:35:37,416 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,416 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_312/Dims [ 2020-08-04 11:35:37,416 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,417 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,418 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,419 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [2] [ 2020-08-04 11:35:37,421 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,421 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_291/Dims [ 2020-08-04 11:35:37,422 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,423 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,424 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,424 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,425 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,425 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_285/Dims [ 2020-08-04 11:35:37,427 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,427 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,428 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,429 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,431 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,431 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_281/Dims [ 2020-08-04 11:35:37,433 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,434 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,435 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,435 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,436 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,436 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_280/Dims [ 2020-08-04 11:35:37,437 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,438 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,438 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,439 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,440 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,442 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_279/Dims [ 2020-08-04 11:35:37,444 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,444 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,445 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,446 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,446 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,447 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_197/Dims [ 2020-08-04 11:35:37,448 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,448 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,449 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,450 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,452 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,452 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_196/Dims [ 2020-08-04 11:35:37,453 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,454 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,455 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,456 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,457 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,457 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_149/Dims [ 2020-08-04 11:35:37,458 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,458 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,459 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,460 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,462 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,463 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_148/Dims [ 2020-08-04 11:35:37,464 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,464 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,465 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,466 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-04 11:35:37,467 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,467 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_883/Dims [ 2020-08-04 11:35:37,468 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,468 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,469 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,470 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,471 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,473 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_874/Dims [ 2020-08-04 11:35:37,473 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,474 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,475 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,477 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,477 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,478 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_865/Dims [ 2020-08-04 11:35:37,478 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,479 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,480 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,480 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,481 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,483 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_856/Dims [ 2020-08-04 11:35:37,483 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,485 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,486 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,486 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,487 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,487 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_847/Dims [ 2020-08-04 11:35:37,488 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,489 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,490 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,490 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,491 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,491 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_806/Dims [ 2020-08-04 11:35:37,492 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,495 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,496 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,497 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,498 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,498 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_797/Dims [ 2020-08-04 11:35:37,499 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,500 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,500 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,501 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,502 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,502 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_788/Dims [ 2020-08-04 11:35:37,503 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,505 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,506 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,507 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,507 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,508 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_779/Dims [ 2020-08-04 11:35:37,509 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,510 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,511 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,511 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,512 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,512 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_770/Dims [ 2020-08-04 11:35:37,513 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,515 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,516 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,517 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,518 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,518 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_715/Dims [ 2020-08-04 11:35:37,519 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,519 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,520 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,521 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,522 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,522 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_709/Dims [ 2020-08-04 11:35:37,523 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,523 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,527 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,528 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,528 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,529 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_673/Dims [ 2020-08-04 11:35:37,529 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,530 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,531 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,532 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,532 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,533 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_664/Dims [ 2020-08-04 11:35:37,533 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,534 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,536 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,537 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,538 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,538 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_655/Dims [ 2020-08-04 11:35:37,539 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,539 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,540 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,541 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,542 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,542 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_646/Dims [ 2020-08-04 11:35:37,543 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,544 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,545 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,547 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,548 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,548 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_637/Dims [ 2020-08-04 11:35:37,549 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,550 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,550 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,551 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,552 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,552 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_596/Dims [ 2020-08-04 11:35:37,553 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,553 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,554 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,555 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,557 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,558 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_587/Dims [ 2020-08-04 11:35:37,559 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,560 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,561 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,561 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,562 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,562 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_578/Dims [ 2020-08-04 11:35:37,563 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,564 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,564 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,565 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,566 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,568 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_569/Dims [ 2020-08-04 11:35:37,569 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,570 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,571 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,572 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,572 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,573 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_560/Dims [ 2020-08-04 11:35:37,574 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,575 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,576 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,577 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,580 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,581 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_505/Dims [ 2020-08-04 11:35:37,581 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,582 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,583 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,584 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,585 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,585 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_499/Dims [ 2020-08-04 11:35:37,586 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,587 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,589 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,591 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,591 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,592 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_463/Dims [ 2020-08-04 11:35:37,593 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,594 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,595 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,596 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,597 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,599 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_454/Dims [ 2020-08-04 11:35:37,600 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,601 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,602 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,604 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,604 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,605 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_445/Dims [ 2020-08-04 11:35:37,606 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,606 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,610 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,611 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,612 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,615 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_436/Dims [ 2020-08-04 11:35:37,616 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,617 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,621 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,622 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,623 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,624 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_427/Dims [ 2020-08-04 11:35:37,625 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,627 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,628 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,631 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,632 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,633 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_386/Dims [ 2020-08-04 11:35:37,634 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,635 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,636 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,637 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,640 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,641 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_377/Dims [ 2020-08-04 11:35:37,643 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,644 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,645 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,647 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,647 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,648 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_368/Dims [ 2020-08-04 11:35:37,650 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,651 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,653 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,654 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,654 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,655 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_359/Dims [ 2020-08-04 11:35:37,656 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,656 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,658 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,658 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,661 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,662 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_350/Dims [ 2020-08-04 11:35:37,663 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,664 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,665 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,666 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,667 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,667 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_295/Dims [ 2020-08-04 11:35:37,668 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,668 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,669 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,672 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,673 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,674 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_289/Dims [ 2020-08-04 11:35:37,674 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,675 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,677 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,678 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,678 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,679 ] [ DEBUG ] [ infer:130 ] Partial infer for 1273 [ 2020-08-04 11:35:37,679 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,682 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,683 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,684 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,685 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,685 ] [ DEBUG ] [ infer:130 ] Partial infer for 1272 [ 2020-08-04 11:35:37,686 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,687 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,688 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,689 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,690 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,693 ] [ DEBUG ] [ infer:130 ] Partial infer for 1271 [ 2020-08-04 11:35:37,694 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,695 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,696 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,697 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,698 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,698 ] [ DEBUG ] [ infer:130 ] Partial infer for 1270 [ 2020-08-04 11:35:37,699 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,700 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,701 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,703 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,704 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,705 ] [ DEBUG ] [ infer:130 ] Partial infer for 1269 [ 2020-08-04 11:35:37,706 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,706 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,707 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,708 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,708 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,709 ] [ DEBUG ] [ infer:130 ] Partial infer for 1268 [ 2020-08-04 11:35:37,710 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,711 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,712 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,713 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,714 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,715 ] [ DEBUG ] [ infer:130 ] Partial infer for 1267 [ 2020-08-04 11:35:37,716 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,716 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,717 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,718 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,719 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,719 ] [ DEBUG ] [ infer:130 ] Partial infer for 1266 [ 2020-08-04 11:35:37,719 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,720 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,721 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,721 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [0 1 3 4 2] [ 2020-08-04 11:35:37,722 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,724 ] [ DEBUG ] [ infer:130 ] Partial infer for 1265 [ 2020-08-04 11:35:37,725 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,726 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,727 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,728 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,729 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,729 ] [ DEBUG ] [ infer:130 ] Partial infer for 1264 [ 2020-08-04 11:35:37,730 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,730 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,731 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,732 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,733 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,734 ] [ DEBUG ] [ infer:130 ] Partial infer for 1263 [ 2020-08-04 11:35:37,735 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,736 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,737 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,738 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,739 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,739 ] [ DEBUG ] [ infer:130 ] Partial infer for 1262 [ 2020-08-04 11:35:37,740 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,740 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,741 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,742 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,742 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,745 ] [ DEBUG ] [ infer:130 ] Partial infer for 1261 [ 2020-08-04 11:35:37,746 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,747 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,748 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,749 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,749 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,750 ] [ DEBUG ] [ infer:130 ] Partial infer for 1260 [ 2020-08-04 11:35:37,750 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,751 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,751 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,752 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,753 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,753 ] [ DEBUG ] [ infer:130 ] Partial infer for 1259 [ 2020-08-04 11:35:37,754 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,756 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,757 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,758 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,759 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,760 ] [ DEBUG ] [ infer:130 ] Partial infer for 1258 [ 2020-08-04 11:35:37,760 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,761 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,762 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,763 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,763 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,764 ] [ DEBUG ] [ infer:130 ] Partial infer for 1257 [ 2020-08-04 11:35:37,764 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,765 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,767 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,769 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,769 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,770 ] [ DEBUG ] [ infer:130 ] Partial infer for 1256 [ 2020-08-04 11:35:37,771 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,771 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,772 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,773 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,774 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,774 ] [ DEBUG ] [ infer:130 ] Partial infer for 1255 [ 2020-08-04 11:35:37,775 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,776 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,780 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,781 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,781 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,782 ] [ DEBUG ] [ infer:130 ] Partial infer for 1254 [ 2020-08-04 11:35:37,782 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,783 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,784 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,784 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,785 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,785 ] [ DEBUG ] [ infer:130 ] Partial infer for 1253 [ 2020-08-04 11:35:37,786 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,787 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,789 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,790 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,791 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,791 ] [ DEBUG ] [ infer:130 ] Partial infer for 1252 [ 2020-08-04 11:35:37,792 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,793 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,794 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,795 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,795 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,796 ] [ DEBUG ] [ infer:130 ] Partial infer for 1251 [ 2020-08-04 11:35:37,796 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,797 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,799 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,800 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,801 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,802 ] [ DEBUG ] [ infer:130 ] Partial infer for 1250 [ 2020-08-04 11:35:37,802 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,803 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,804 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,804 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,805 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,805 ] [ DEBUG ] [ infer:130 ] Partial infer for 1249 [ 2020-08-04 11:35:37,806 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,806 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,807 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,811 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,812 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,812 ] [ DEBUG ] [ infer:130 ] Partial infer for 1248 [ 2020-08-04 11:35:37,812 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,813 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,814 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,815 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,815 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,816 ] [ DEBUG ] [ infer:130 ] Partial infer for 1247 [ 2020-08-04 11:35:37,816 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,817 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,818 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,818 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,821 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,821 ] [ DEBUG ] [ infer:130 ] Partial infer for 1246 [ 2020-08-04 11:35:37,822 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,823 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,824 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,825 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,825 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,826 ] [ DEBUG ] [ infer:130 ] Partial infer for 1245 [ 2020-08-04 11:35:37,827 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,827 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,828 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,829 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,831 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,831 ] [ DEBUG ] [ infer:130 ] Partial infer for 1244 [ 2020-08-04 11:35:37,833 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,833 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,835 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,835 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,836 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,836 ] [ DEBUG ] [ infer:130 ] Partial infer for 1243 [ 2020-08-04 11:35:37,837 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,837 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,838 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,839 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,840 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,842 ] [ DEBUG ] [ infer:130 ] Partial infer for 1242 [ 2020-08-04 11:35:37,844 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,844 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,845 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,846 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,846 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,847 ] [ DEBUG ] [ infer:130 ] Partial infer for 1241 [ 2020-08-04 11:35:37,847 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,848 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,849 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,850 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,851 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,852 ] [ DEBUG ] [ infer:130 ] Partial infer for 1240 [ 2020-08-04 11:35:37,853 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,854 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,855 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,856 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [0 1 3 4 2] [ 2020-08-04 11:35:37,856 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,857 ] [ DEBUG ] [ infer:130 ] Partial infer for 1239 [ 2020-08-04 11:35:37,858 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,858 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,859 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,860 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,862 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,863 ] [ DEBUG ] [ infer:130 ] Partial infer for 1238 [ 2020-08-04 11:35:37,863 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,864 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,865 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,865 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [0 1 3 4 2] [ 2020-08-04 11:35:37,866 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,867 ] [ DEBUG ] [ infer:130 ] Partial infer for 1237 [ 2020-08-04 11:35:37,867 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,868 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,869 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,869 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,870 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,872 ] [ DEBUG ] [ infer:130 ] Partial infer for 1236 [ 2020-08-04 11:35:37,872 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,874 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,874 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,875 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,876 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,877 ] [ DEBUG ] [ infer:130 ] Partial infer for 1235 [ 2020-08-04 11:35:37,877 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,878 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,879 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,880 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-04 11:35:37,880 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,881 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_894 [ 2020-08-04 11:35:37,883 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,883 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,885 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,886 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-04 11:35:37,887 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,887 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_892 [ 2020-08-04 11:35:37,888 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,888 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,889 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,890 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [-1 1] [ 2020-08-04 11:35:37,891 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,891 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_890 [ 2020-08-04 11:35:37,892 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,894 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,896 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,897 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [3], value = [-1 1 1] [ 2020-08-04 11:35:37,898 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,898 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_888 [ 2020-08-04 11:35:37,899 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,900 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,901 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,903 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [-1 1 1 1] [ 2020-08-04 11:35:37,906 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,906 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_886 [ 2020-08-04 11:35:37,908 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,909 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,911 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,911 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 1 1 1 1] [ 2020-08-04 11:35:37,912 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,913 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_877 [ 2020-08-04 11:35:37,915 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,915 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,917 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,918 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 4 [ 2020-08-04 11:35:37,918 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,919 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_868 [ 2020-08-04 11:35:37,920 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,920 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,921 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,922 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-04 11:35:37,923 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,924 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_859 [ 2020-08-04 11:35:37,926 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,927 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,928 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,929 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-04 11:35:37,929 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,930 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_850 [ 2020-08-04 11:35:37,931 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,931 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,933 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,935 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 1 [ 2020-08-04 11:35:37,937 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,938 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_841 [ 2020-08-04 11:35:37,938 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,939 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,940 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,941 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:37,942 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,943 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_839 [ 2020-08-04 11:35:37,944 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,947 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,948 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,949 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:37,950 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,950 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_835 [ 2020-08-04 11:35:37,952 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,952 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,954 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,955 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-04 11:35:37,957 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,958 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_833 [ 2020-08-04 11:35:37,960 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,961 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,962 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,963 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = -1 [ 2020-08-04 11:35:37,964 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,964 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_830 [ 2020-08-04 11:35:37,965 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:37,965 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,969 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,970 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-04 11:35:37,971 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,971 ] [ DEBUG ] [ infer:130 ] Partial infer for Shape_831 [ 2020-08-04 11:35:37,972 ] [ DEBUG ] [ infer:131 ] Op: ShapeOf [ 2020-08-04 11:35:37,973 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,974 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-04 11:35:37,975 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,977 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [5] [ 2020-08-04 11:35:37,979 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,980 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_832/Broadcast [ 2020-08-04 11:35:37,981 ] [ DEBUG ] [ infer:131 ] Op: Broadcast [ 2020-08-04 11:35:37,982 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,983 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [1], value = [1] [ 2020-08-04 11:35:37,984 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [1], value = [5] [ 2020-08-04 11:35:37,985 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,986 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-04 11:35:37,987 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,988 ] [ DEBUG ] [ infer:130 ] Partial infer for Mul_834 [ 2020-08-04 11:35:37,989 ] [ DEBUG ] [ infer:131 ] Op: Mul [ 2020-08-04 11:35:37,991 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:37,992 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-04 11:35:37,994 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [], value = -1 [ 2020-08-04 11:35:37,995 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:37,996 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-04 11:35:37,996 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:37,998 ] [ DEBUG ] [ infer:130 ] Partial infer for Equal_836 [ 2020-08-04 11:35:37,999 ] [ DEBUG ] [ infer:131 ] Op: Equal [ 2020-08-04 11:35:38,001 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,002 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-04 11:35:38,003 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-04 11:35:38,004 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,005 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [False False False False False] [ 2020-08-04 11:35:38,006 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,006 ] [ DEBUG ] [ infer:130 ] Partial infer for Where_837 [ 2020-08-04 11:35:38,007 ] [ DEBUG ] [ infer:131 ] Op: Select [ 2020-08-04 11:35:38,010 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,012 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [False False False False False] [ 2020-08-04 11:35:38,012 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [1 1 1 1 1] [ 2020-08-04 11:35:38,013 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-04 11:35:38,015 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,016 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-04 11:35:38,016 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,017 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_828 [ 2020-08-04 11:35:38,017 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,018 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,019 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,021 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [ 3 60 80 2] [ 2020-08-04 11:35:38,022 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,023 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_825 [ 2020-08-04 11:35:38,024 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,024 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,026 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,027 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-04 11:35:38,027 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,028 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_823 [ 2020-08-04 11:35:38,028 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,029 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,030 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,033 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-04 11:35:38,034 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,035 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_821 [ 2020-08-04 11:35:38,035 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,036 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,037 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,038 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-04 11:35:38,038 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,039 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_817 [ 2020-08-04 11:35:38,040 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,040 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,041 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,045 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-04 11:35:38,045 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,046 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_815 [ 2020-08-04 11:35:38,047 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,047 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,049 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,049 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [-1 1] [ 2020-08-04 11:35:38,050 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,051 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_813 [ 2020-08-04 11:35:38,051 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,052 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,053 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,056 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [3], value = [-1 1 1] [ 2020-08-04 11:35:38,057 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,058 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_811 [ 2020-08-04 11:35:38,058 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,060 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,061 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,061 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [-1 1 1 1] [ 2020-08-04 11:35:38,062 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,063 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_809 [ 2020-08-04 11:35:38,063 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,064 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,066 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,068 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 1 1 1 1] [ 2020-08-04 11:35:38,069 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,069 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_800 [ 2020-08-04 11:35:38,070 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,071 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,072 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,073 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 4 [ 2020-08-04 11:35:38,074 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,074 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_791 [ 2020-08-04 11:35:38,078 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,079 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,080 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,081 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-04 11:35:38,082 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,082 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_782 [ 2020-08-04 11:35:38,083 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,083 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,084 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,084 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-04 11:35:38,085 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,086 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_773 [ 2020-08-04 11:35:38,088 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,088 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,090 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,090 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 1 [ 2020-08-04 11:35:38,091 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,092 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_764 [ 2020-08-04 11:35:38,093 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,093 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,094 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,095 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:38,096 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,097 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_762 [ 2020-08-04 11:35:38,098 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,099 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,100 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,101 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:38,101 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,102 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_758 [ 2020-08-04 11:35:38,102 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,103 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,104 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,105 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-04 11:35:38,105 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,107 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_756 [ 2020-08-04 11:35:38,108 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,110 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,111 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,111 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = -1 [ 2020-08-04 11:35:38,112 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,112 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_753 [ 2020-08-04 11:35:38,113 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,113 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,114 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,115 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-04 11:35:38,116 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,118 ] [ DEBUG ] [ infer:130 ] Partial infer for Shape_754 [ 2020-08-04 11:35:38,118 ] [ DEBUG ] [ infer:131 ] Op: ShapeOf [ 2020-08-04 11:35:38,120 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,121 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-04 11:35:38,122 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,123 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [5] [ 2020-08-04 11:35:38,123 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,124 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_755/Broadcast [ 2020-08-04 11:35:38,125 ] [ DEBUG ] [ infer:131 ] Op: Broadcast [ 2020-08-04 11:35:38,125 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,126 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [1], value = [1] [ 2020-08-04 11:35:38,129 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [1], value = [5] [ 2020-08-04 11:35:38,130 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,131 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-04 11:35:38,132 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,132 ] [ DEBUG ] [ infer:130 ] Partial infer for Mul_757 [ 2020-08-04 11:35:38,133 ] [ DEBUG ] [ infer:131 ] Op: Mul [ 2020-08-04 11:35:38,133 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,134 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-04 11:35:38,135 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [], value = -1 [ 2020-08-04 11:35:38,136 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,136 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-04 11:35:38,137 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,139 ] [ DEBUG ] [ infer:130 ] Partial infer for Equal_759 [ 2020-08-04 11:35:38,139 ] [ DEBUG ] [ infer:131 ] Op: Equal [ 2020-08-04 11:35:38,140 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,141 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-04 11:35:38,142 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-04 11:35:38,143 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,144 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [False False False False False] [ 2020-08-04 11:35:38,144 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,145 ] [ DEBUG ] [ infer:130 ] Partial infer for Where_760 [ 2020-08-04 11:35:38,146 ] [ DEBUG ] [ infer:131 ] Op: Select [ 2020-08-04 11:35:38,146 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,147 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [False False False False False] [ 2020-08-04 11:35:38,149 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [1 1 1 1 1] [ 2020-08-04 11:35:38,150 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-04 11:35:38,152 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,153 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-04 11:35:38,154 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,154 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_751 [ 2020-08-04 11:35:38,155 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,155 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,156 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,157 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [ 3 60 80 2] [ 2020-08-04 11:35:38,157 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,161 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_749 [ 2020-08-04 11:35:38,161 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,162 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,163 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,163 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 8.0 [ 2020-08-04 11:35:38,164 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,164 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_745 [ 2020-08-04 11:35:38,165 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,165 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,166 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,167 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0.5 [ 2020-08-04 11:35:38,167 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,168 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_743 [ 2020-08-04 11:35:38,168 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,169 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,171 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,172 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-04 11:35:38,173 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,173 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_728 [ 2020-08-04 11:35:38,174 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,174 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,175 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,176 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:38,177 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,177 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_724 [ 2020-08-04 11:35:38,178 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,179 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,180 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,182 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:38,183 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,183 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_719 [ 2020-08-04 11:35:38,184 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,185 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,186 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,186 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-04 11:35:38,187 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,187 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_717 [ 2020-08-04 11:35:38,188 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,188 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,189 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,190 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-04 11:35:38,192 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,194 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_697 [ 2020-08-04 11:35:38,194 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,195 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,196 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,196 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-04 11:35:38,197 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,197 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_694 [ 2020-08-04 11:35:38,198 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,198 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,199 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,200 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-04 11:35:38,201 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,203 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_691 [ 2020-08-04 11:35:38,203 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,204 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,206 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,206 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:38,207 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,207 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_684 [ 2020-08-04 11:35:38,208 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,209 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,211 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,213 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-04 11:35:38,214 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,214 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_682 [ 2020-08-04 11:35:38,215 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,215 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,216 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,217 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [-1 1] [ 2020-08-04 11:35:38,218 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,218 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_680 [ 2020-08-04 11:35:38,219 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,219 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,220 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,223 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [3], value = [-1 1 1] [ 2020-08-04 11:35:38,223 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,225 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_678 [ 2020-08-04 11:35:38,226 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,227 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,228 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,229 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [-1 1 1 1] [ 2020-08-04 11:35:38,230 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,230 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_676 [ 2020-08-04 11:35:38,231 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,232 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,235 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,236 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 1 1 1 1] [ 2020-08-04 11:35:38,237 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,237 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_667 [ 2020-08-04 11:35:38,238 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,238 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,239 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,240 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 4 [ 2020-08-04 11:35:38,240 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,241 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_658 [ 2020-08-04 11:35:38,241 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,242 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,243 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,245 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-04 11:35:38,246 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,247 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_649 [ 2020-08-04 11:35:38,247 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,248 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,249 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,250 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-04 11:35:38,250 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,251 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_640 [ 2020-08-04 11:35:38,251 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,252 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,253 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,253 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 1 [ 2020-08-04 11:35:38,254 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,256 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_631 [ 2020-08-04 11:35:38,256 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,258 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,259 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,259 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:38,260 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,261 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_629 [ 2020-08-04 11:35:38,261 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,262 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,263 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,263 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:38,264 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,265 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_625 [ 2020-08-04 11:35:38,267 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,267 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,269 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,269 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-04 11:35:38,270 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,270 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_623 [ 2020-08-04 11:35:38,271 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,272 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,272 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,273 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = -1 [ 2020-08-04 11:35:38,274 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,274 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_620 [ 2020-08-04 11:35:38,275 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,277 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,279 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,280 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-04 11:35:38,280 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,281 ] [ DEBUG ] [ infer:130 ] Partial infer for Shape_621 [ 2020-08-04 11:35:38,281 ] [ DEBUG ] [ infer:131 ] Op: ShapeOf [ 2020-08-04 11:35:38,282 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,283 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-04 11:35:38,284 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,285 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [5] [ 2020-08-04 11:35:38,285 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,287 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_622/Broadcast [ 2020-08-04 11:35:38,288 ] [ DEBUG ] [ infer:131 ] Op: Broadcast [ 2020-08-04 11:35:38,290 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,290 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [1], value = [1] [ 2020-08-04 11:35:38,291 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [1], value = [5] [ 2020-08-04 11:35:38,293 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,294 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-04 11:35:38,294 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,295 ] [ DEBUG ] [ infer:130 ] Partial infer for Mul_624 [ 2020-08-04 11:35:38,295 ] [ DEBUG ] [ infer:131 ] Op: Mul [ 2020-08-04 11:35:38,296 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,298 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-04 11:35:38,298 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [], value = -1 [ 2020-08-04 11:35:38,300 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,301 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-04 11:35:38,302 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,302 ] [ DEBUG ] [ infer:130 ] Partial infer for Equal_626 [ 2020-08-04 11:35:38,302 ] [ DEBUG ] [ infer:131 ] Op: Equal [ 2020-08-04 11:35:38,303 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,304 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-04 11:35:38,305 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-04 11:35:38,305 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,307 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [False False False False False] [ 2020-08-04 11:35:38,308 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,310 ] [ DEBUG ] [ infer:130 ] Partial infer for Where_627 [ 2020-08-04 11:35:38,310 ] [ DEBUG ] [ infer:131 ] Op: Select [ 2020-08-04 11:35:38,311 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,312 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [False False False False False] [ 2020-08-04 11:35:38,312 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [1 1 1 1 1] [ 2020-08-04 11:35:38,313 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-04 11:35:38,315 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,315 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-04 11:35:38,317 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,318 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_618 [ 2020-08-04 11:35:38,320 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,321 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,322 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,323 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [ 3 30 40 2] [ 2020-08-04 11:35:38,323 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,323 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_615 [ 2020-08-04 11:35:38,324 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,325 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,326 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,326 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 1 [ 2020-08-04 11:35:38,327 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,329 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_613 [ 2020-08-04 11:35:38,330 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,331 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,332 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,332 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-04 11:35:38,333 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,334 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_611 [ 2020-08-04 11:35:38,334 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,335 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,336 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,337 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-04 11:35:38,337 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,339 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_607 [ 2020-08-04 11:35:38,340 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,341 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,342 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,343 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-04 11:35:38,344 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,344 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_605 [ 2020-08-04 11:35:38,345 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,346 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,347 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,347 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [-1 1] [ 2020-08-04 11:35:38,348 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,350 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_603 [ 2020-08-04 11:35:38,350 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,351 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,352 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,353 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [3], value = [-1 1 1] [ 2020-08-04 11:35:38,353 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,354 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_601 [ 2020-08-04 11:35:38,354 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,355 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,356 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,357 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [-1 1 1 1] [ 2020-08-04 11:35:38,357 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,360 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_599 [ 2020-08-04 11:35:38,361 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,361 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,362 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,363 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 1 1 1 1] [ 2020-08-04 11:35:38,363 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,364 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_590 [ 2020-08-04 11:35:38,364 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,365 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,366 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,366 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 4 [ 2020-08-04 11:35:38,367 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,367 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_581 [ 2020-08-04 11:35:38,368 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,369 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,372 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,372 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-04 11:35:38,373 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,373 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_572 [ 2020-08-04 11:35:38,374 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,374 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,375 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,376 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-04 11:35:38,377 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,377 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_563 [ 2020-08-04 11:35:38,378 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,378 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,379 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,382 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 1 [ 2020-08-04 11:35:38,383 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,384 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_554 [ 2020-08-04 11:35:38,384 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,385 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,386 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,387 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:38,387 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,388 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_552 [ 2020-08-04 11:35:38,388 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,389 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,390 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,390 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:38,391 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,394 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_548 [ 2020-08-04 11:35:38,394 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,395 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,396 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,397 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-04 11:35:38,397 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,398 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_546 [ 2020-08-04 11:35:38,398 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,399 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,400 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,400 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = -1 [ 2020-08-04 11:35:38,401 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,402 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_543 [ 2020-08-04 11:35:38,404 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,404 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,407 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,408 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-04 11:35:38,408 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,409 ] [ DEBUG ] [ infer:130 ] Partial infer for Shape_544 [ 2020-08-04 11:35:38,409 ] [ DEBUG ] [ infer:131 ] Op: ShapeOf [ 2020-08-04 11:35:38,410 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,412 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-04 11:35:38,413 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,415 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [5] [ 2020-08-04 11:35:38,415 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,416 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_545/Broadcast [ 2020-08-04 11:35:38,417 ] [ DEBUG ] [ infer:131 ] Op: Broadcast [ 2020-08-04 11:35:38,417 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,418 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [1], value = [1] [ 2020-08-04 11:35:38,418 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [1], value = [5] [ 2020-08-04 11:35:38,420 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,421 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-04 11:35:38,421 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,421 ] [ DEBUG ] [ infer:130 ] Partial infer for Mul_547 [ 2020-08-04 11:35:38,422 ] [ DEBUG ] [ infer:131 ] Op: Mul [ 2020-08-04 11:35:38,423 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,426 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-04 11:35:38,426 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [], value = -1 [ 2020-08-04 11:35:38,428 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,428 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-04 11:35:38,429 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,429 ] [ DEBUG ] [ infer:130 ] Partial infer for Equal_549 [ 2020-08-04 11:35:38,430 ] [ DEBUG ] [ infer:131 ] Op: Equal [ 2020-08-04 11:35:38,430 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,431 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-04 11:35:38,432 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-04 11:35:38,433 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,435 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [False False False False False] [ 2020-08-04 11:35:38,436 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,437 ] [ DEBUG ] [ infer:130 ] Partial infer for Where_550 [ 2020-08-04 11:35:38,437 ] [ DEBUG ] [ infer:131 ] Op: Select [ 2020-08-04 11:35:38,438 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,439 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [False False False False False] [ 2020-08-04 11:35:38,440 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [1 1 1 1 1] [ 2020-08-04 11:35:38,440 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-04 11:35:38,442 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,443 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-04 11:35:38,446 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,446 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_541 [ 2020-08-04 11:35:38,447 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,448 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,449 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,450 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [ 3 30 40 2] [ 2020-08-04 11:35:38,450 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,451 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_539 [ 2020-08-04 11:35:38,451 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,452 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,453 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,453 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 16.0 [ 2020-08-04 11:35:38,454 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,456 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_535 [ 2020-08-04 11:35:38,457 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,458 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,459 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,460 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0.5 [ 2020-08-04 11:35:38,461 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,461 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_533 [ 2020-08-04 11:35:38,462 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,462 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,463 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,464 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-04 11:35:38,464 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,465 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_518 [ 2020-08-04 11:35:38,467 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,468 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,469 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,470 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:38,471 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,471 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_514 [ 2020-08-04 11:35:38,472 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,472 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,473 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,474 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:38,475 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,475 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_509 [ 2020-08-04 11:35:38,476 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,478 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,479 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,480 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-04 11:35:38,481 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,481 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_507 [ 2020-08-04 11:35:38,482 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,482 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,483 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,484 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-04 11:35:38,485 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,485 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_487 [ 2020-08-04 11:35:38,486 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,486 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,487 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,489 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-04 11:35:38,491 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,491 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_484 [ 2020-08-04 11:35:38,492 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,493 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,495 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,496 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-04 11:35:38,497 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,498 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_481 [ 2020-08-04 11:35:38,499 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,500 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,501 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,502 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:38,503 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,503 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_474 [ 2020-08-04 11:35:38,503 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,504 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,505 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,505 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-04 11:35:38,506 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,507 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_472 [ 2020-08-04 11:35:38,510 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,511 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,512 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,512 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [-1 1] [ 2020-08-04 11:35:38,513 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,513 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_470 [ 2020-08-04 11:35:38,514 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,515 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,516 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,516 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [3], value = [-1 1 1] [ 2020-08-04 11:35:38,517 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,517 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_468 [ 2020-08-04 11:35:38,518 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,518 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,521 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,522 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [-1 1 1 1] [ 2020-08-04 11:35:38,523 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,523 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_466 [ 2020-08-04 11:35:38,524 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,525 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,526 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,527 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 1 1 1 1] [ 2020-08-04 11:35:38,527 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,528 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_457 [ 2020-08-04 11:35:38,528 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,530 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,531 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,533 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 4 [ 2020-08-04 11:35:38,534 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,534 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_448 [ 2020-08-04 11:35:38,535 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,536 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,537 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,537 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-04 11:35:38,538 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,538 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_439 [ 2020-08-04 11:35:38,539 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,539 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,540 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,542 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-04 11:35:38,545 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,545 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_430 [ 2020-08-04 11:35:38,545 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,546 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,547 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,547 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 1 [ 2020-08-04 11:35:38,548 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,548 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_421 [ 2020-08-04 11:35:38,549 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,549 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,550 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,552 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:38,553 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,554 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_419 [ 2020-08-04 11:35:38,555 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,555 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,556 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,557 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:38,558 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,558 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_415 [ 2020-08-04 11:35:38,558 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,559 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,560 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,563 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-04 11:35:38,564 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,564 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_413 [ 2020-08-04 11:35:38,565 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,565 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,566 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,567 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = -1 [ 2020-08-04 11:35:38,567 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,568 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_410 [ 2020-08-04 11:35:38,569 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,569 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,570 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,573 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-04 11:35:38,573 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,574 ] [ DEBUG ] [ infer:130 ] Partial infer for Shape_411 [ 2020-08-04 11:35:38,575 ] [ DEBUG ] [ infer:131 ] Op: ShapeOf [ 2020-08-04 11:35:38,575 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,577 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-04 11:35:38,578 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,579 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [5] [ 2020-08-04 11:35:38,579 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,580 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_412/Broadcast [ 2020-08-04 11:35:38,580 ] [ DEBUG ] [ infer:131 ] Op: Broadcast [ 2020-08-04 11:35:38,581 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,583 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [1], value = [1] [ 2020-08-04 11:35:38,584 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [1], value = [5] [ 2020-08-04 11:35:38,586 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,587 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-04 11:35:38,587 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,588 ] [ DEBUG ] [ infer:130 ] Partial infer for Mul_414 [ 2020-08-04 11:35:38,589 ] [ DEBUG ] [ infer:131 ] Op: Mul [ 2020-08-04 11:35:38,589 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,590 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-04 11:35:38,590 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [], value = -1 [ 2020-08-04 11:35:38,591 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,592 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-04 11:35:38,595 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,595 ] [ DEBUG ] [ infer:130 ] Partial infer for Equal_416 [ 2020-08-04 11:35:38,596 ] [ DEBUG ] [ infer:131 ] Op: Equal [ 2020-08-04 11:35:38,597 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,598 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-04 11:35:38,598 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-04 11:35:38,599 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,599 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [False False False False False] [ 2020-08-04 11:35:38,600 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,601 ] [ DEBUG ] [ infer:130 ] Partial infer for Where_417 [ 2020-08-04 11:35:38,601 ] [ DEBUG ] [ infer:131 ] Op: Select [ 2020-08-04 11:35:38,602 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,603 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [False False False False False] [ 2020-08-04 11:35:38,605 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [1 1 1 1 1] [ 2020-08-04 11:35:38,606 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-04 11:35:38,609 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,610 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-04 11:35:38,610 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,611 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_408 [ 2020-08-04 11:35:38,611 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,612 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,613 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,615 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [ 3 15 20 2] [ 2020-08-04 11:35:38,616 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,616 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_405 [ 2020-08-04 11:35:38,617 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,617 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,618 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,619 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:38,619 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,620 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_403 [ 2020-08-04 11:35:38,620 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,621 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,622 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,622 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-04 11:35:38,623 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,626 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_401 [ 2020-08-04 11:35:38,627 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,628 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,629 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,629 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-04 11:35:38,630 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,630 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_397 [ 2020-08-04 11:35:38,631 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,631 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,632 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,633 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-04 11:35:38,633 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,634 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_395 [ 2020-08-04 11:35:38,636 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,636 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,639 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,640 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [-1 1] [ 2020-08-04 11:35:38,640 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,641 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_393 [ 2020-08-04 11:35:38,641 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,642 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,643 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,644 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [3], value = [-1 1 1] [ 2020-08-04 11:35:38,645 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,646 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_391 [ 2020-08-04 11:35:38,647 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,649 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,650 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,651 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [-1 1 1 1] [ 2020-08-04 11:35:38,652 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,652 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_389 [ 2020-08-04 11:35:38,652 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,653 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,654 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,655 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 1 1 1 1] [ 2020-08-04 11:35:38,655 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,657 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_380 [ 2020-08-04 11:35:38,658 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,659 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,661 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,661 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 4 [ 2020-08-04 11:35:38,662 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,663 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_371 [ 2020-08-04 11:35:38,663 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,664 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,665 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,665 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-04 11:35:38,668 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,668 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_362 [ 2020-08-04 11:35:38,670 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,670 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,671 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,672 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-04 11:35:38,673 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,673 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_353 [ 2020-08-04 11:35:38,674 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,674 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,676 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,678 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 1 [ 2020-08-04 11:35:38,679 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,680 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_344 [ 2020-08-04 11:35:38,681 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,681 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,682 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,683 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:38,683 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,684 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_342 [ 2020-08-04 11:35:38,684 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,685 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,686 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,686 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:38,687 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,689 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_338 [ 2020-08-04 11:35:38,690 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,690 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,692 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,693 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-04 11:35:38,694 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,695 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_336 [ 2020-08-04 11:35:38,695 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,696 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,697 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,697 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = -1 [ 2020-08-04 11:35:38,698 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,700 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_333 [ 2020-08-04 11:35:38,701 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,702 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,703 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,704 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-04 11:35:38,704 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,705 ] [ DEBUG ] [ infer:130 ] Partial infer for Shape_334 [ 2020-08-04 11:35:38,705 ] [ DEBUG ] [ infer:131 ] Op: ShapeOf [ 2020-08-04 11:35:38,706 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,707 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-04 11:35:38,708 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,710 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [5] [ 2020-08-04 11:35:38,711 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,712 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_335/Broadcast [ 2020-08-04 11:35:38,713 ] [ DEBUG ] [ infer:131 ] Op: Broadcast [ 2020-08-04 11:35:38,713 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,714 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [1], value = [1] [ 2020-08-04 11:35:38,715 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [1], value = [5] [ 2020-08-04 11:35:38,716 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,717 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-04 11:35:38,717 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,718 ] [ DEBUG ] [ infer:130 ] Partial infer for Mul_337 [ 2020-08-04 11:35:38,719 ] [ DEBUG ] [ infer:131 ] Op: Mul [ 2020-08-04 11:35:38,720 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,722 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-04 11:35:38,723 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [], value = -1 [ 2020-08-04 11:35:38,724 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,725 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-04 11:35:38,725 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,726 ] [ DEBUG ] [ infer:130 ] Partial infer for Equal_339 [ 2020-08-04 11:35:38,727 ] [ DEBUG ] [ infer:131 ] Op: Equal [ 2020-08-04 11:35:38,727 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,728 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-04 11:35:38,730 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-04 11:35:38,731 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,733 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [False False False False False] [ 2020-08-04 11:35:38,733 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,734 ] [ DEBUG ] [ infer:130 ] Partial infer for Where_340 [ 2020-08-04 11:35:38,734 ] [ DEBUG ] [ infer:131 ] Op: Select [ 2020-08-04 11:35:38,735 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,736 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [False False False False False] [ 2020-08-04 11:35:38,737 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [1 1 1 1 1] [ 2020-08-04 11:35:38,737 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-04 11:35:38,739 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,740 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-04 11:35:38,741 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,742 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_331 [ 2020-08-04 11:35:38,743 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,744 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,745 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,746 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [ 3 15 20 2] [ 2020-08-04 11:35:38,746 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,747 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_329 [ 2020-08-04 11:35:38,747 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,748 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,749 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,751 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 32.0 [ 2020-08-04 11:35:38,752 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,752 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_325 [ 2020-08-04 11:35:38,753 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,753 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,754 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,755 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0.5 [ 2020-08-04 11:35:38,756 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,756 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_323 [ 2020-08-04 11:35:38,757 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,757 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,758 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,759 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-04 11:35:38,762 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,762 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_308 [ 2020-08-04 11:35:38,763 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,763 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,765 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,765 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:38,766 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,766 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_304 [ 2020-08-04 11:35:38,767 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,768 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,769 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,770 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:38,772 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,773 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_299 [ 2020-08-04 11:35:38,774 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,774 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,775 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,776 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-04 11:35:38,777 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,778 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_297 [ 2020-08-04 11:35:38,778 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,779 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,780 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,780 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-04 11:35:38,781 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,783 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_277 [ 2020-08-04 11:35:38,783 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,785 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,785 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,786 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-04 11:35:38,787 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,787 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_274 [ 2020-08-04 11:35:38,788 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,788 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,789 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,790 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-04 11:35:38,790 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,791 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_271 [ 2020-08-04 11:35:38,791 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,792 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,795 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,796 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-04 11:35:38,797 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,797 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_199 [ 2020-08-04 11:35:38,798 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,798 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,799 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,800 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1. 1.] [ 2020-08-04 11:35:38,801 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,801 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_192 [ 2020-08-04 11:35:38,802 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,802 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,803 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,804 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-04 11:35:38,806 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,806 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_189 [ 2020-08-04 11:35:38,808 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,808 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,809 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,810 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-04 11:35:38,811 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,811 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_184 [ 2020-08-04 11:35:38,812 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,813 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,814 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,815 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-04 11:35:38,816 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,817 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_181 [ 2020-08-04 11:35:38,817 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,817 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,818 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,819 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-04 11:35:38,820 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,820 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_151 [ 2020-08-04 11:35:38,821 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,821 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,822 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,824 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1. 1.] [ 2020-08-04 11:35:38,827 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,827 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_144 [ 2020-08-04 11:35:38,827 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,828 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,829 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,829 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-04 11:35:38,830 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,830 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_141 [ 2020-08-04 11:35:38,831 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,831 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,832 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,833 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-04 11:35:38,834 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,835 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_136 [ 2020-08-04 11:35:38,836 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,838 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,839 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,840 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-04 11:35:38,840 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,841 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_133 [ 2020-08-04 11:35:38,841 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,842 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,843 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,844 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-04 11:35:38,844 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,845 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv2.conv.weight [ 2020-08-04 11:35:38,847 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,847 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,849 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,854 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 3 3], value = [[[[-1.35192871e-02 -1.35345459e-02 -1.03149414e-02] [ 3.23677063e-03 1.13143921e-02 7.70950... [ 2020-08-04 11:35:38,856 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,857 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv2.bn.weight [ 2020-08-04 11:35:38,858 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,859 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,861 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,864 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.6816406 1.0009766 0.7885742 0.7495117 1.0605469 0.7885742 0.7548828 0.96972656 1.018554... [ 2020-08-04 11:35:38,866 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,867 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv2.bn.running_var [ 2020-08-04 11:35:38,868 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,869 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,870 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,874 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.12011719 0.13574219 0.21203613 0.16088867 0.22216797 0.1373291 0.21911621 0.36938477 0.144287... [ 2020-08-04 11:35:38,875 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,875 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv2.bn.running_mean [ 2020-08-04 11:35:38,878 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,878 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,880 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,884 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [ 7.91625977e-02 -3.36647034e-03 -2.88818359e-01 -2.93945312e-01 -2.97363281e-01 -6.68334961e-02... [ 2020-08-04 11:35:38,885 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,885 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv2.bn.bias [ 2020-08-04 11:35:38,886 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,888 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,889 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,895 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.3955078 -1.0693359 -0.15673828 -0.42993164 -0.8984375 -0.5654297 -0.17504883 -0.30395508 ... [ 2020-08-04 11:35:38,896 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,896 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv1.conv.weight [ 2020-08-04 11:35:38,897 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,899 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,900 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,902 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 1 1], value = [[[[-0.01965332]] [[-0.04663086]] [[ 0.02484131]] ... [[-0.02796936]] [[-0.0339965... [ 2020-08-04 11:35:38,903 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,904 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv1.bn.weight [ 2020-08-04 11:35:38,904 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,905 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,906 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,910 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.8251953 1.015625 0.85839844 0.7675781 0.8588867 1.0058594 0.8046875 0.7949219 1.100585... [ 2020-08-04 11:35:38,912 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,912 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv1.bn.running_var [ 2020-08-04 11:35:38,913 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,913 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,914 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,918 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.04833984 0.04864502 0.03025818 0.03848267 0.03399658 0.02952576 0.02783203 0.05230713 0.07250... [ 2020-08-04 11:35:38,919 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,921 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv1.bn.running_mean [ 2020-08-04 11:35:38,922 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,923 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,924 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,928 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.13647461 0.04949951 -0.11169434 -0.14526367 -0.0045929 -0.08642578 -0.06848145 -0.17675781... [ 2020-08-04 11:35:38,929 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,931 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv1.bn.bias [ 2020-08-04 11:35:38,932 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,933 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,934 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,939 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-2.73925781e-01 -4.52148438e-01 -7.03125000e-01 -4.97314453e-01 -3.93798828e-01 -7.71484375e-01... [ 2020-08-04 11:35:38,940 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,941 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv4.conv.weight [ 2020-08-04 11:35:38,942 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,944 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,945 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,947 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512 512 1 1], value = [[[[-1.42593384e-02]] [[-5.39016724e-03]] [[ 3.29017639e-03]] ... [[ 1.27716064e-02]]... [ 2020-08-04 11:35:38,948 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,948 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv4.bn.weight [ 2020-08-04 11:35:38,949 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,951 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,953 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,958 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.60546875 0.5786133 0.75683594 0.7451172 0.9194336 0.85498047 0.72802734 0.8154297 0.68798... [ 2020-08-04 11:35:38,960 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,961 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv4.bn.running_var [ 2020-08-04 11:35:38,962 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,963 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,964 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,971 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.08740234 0.06860352 0.0617981 0.05084229 0.06671143 0.03918457 0.06152344 0.04415894 0.07604... [ 2020-08-04 11:35:38,972 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,974 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv4.bn.running_mean [ 2020-08-04 11:35:38,974 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,975 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,977 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,984 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [ 0.02978516 -0.00521851 -0.10168457 -0.09515381 -0.05780029 -0.06100464 -0.03820801 -0.00302887... [ 2020-08-04 11:35:38,985 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,986 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv4.bn.bias [ 2020-08-04 11:35:38,986 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:38,987 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:38,988 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:38,996 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [ 0.12902832 0.06402588 -0.5522461 -0.5107422 -0.6816406 -0.7363281 -0.44311523 -0.5932617 ... [ 2020-08-04 11:35:38,997 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:38,998 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv3.weight [ 2020-08-04 11:35:38,999 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,000 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,002 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,004 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 1 1], value = [[[[ 0.01965332]] [[ 0.0013237 ]] [[-0.00471878]] ... [[-0.00573349]] [[-0.0100784... [ 2020-08-04 11:35:39,005 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,006 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv2.weight [ 2020-08-04 11:35:39,007 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,007 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,008 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,013 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 512 1 1], value = [[[[ 0.01215363]] [[-0.02928162]] [[-0.01982117]] ... [[ 0.02404785]] [[-0.0177002... [ 2020-08-04 11:35:39,014 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,015 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv1.conv.weight [ 2020-08-04 11:35:39,015 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,016 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,017 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,018 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 512 1 1], value = [[[[-0.00888824]] [[-0.01696777]] [[-0.02890015]] ... [[-0.01462555]] [[ 0.0192108... [ 2020-08-04 11:35:39,020 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,023 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv1.bn.weight [ 2020-08-04 11:35:39,023 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,024 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,025 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,029 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.81933594 0.7832031 0.78466797 0.7988281 0.8598633 0.65625 0.8339844 0.91552734 0.7558594 ... [ 2020-08-04 11:35:39,030 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,030 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv1.bn.running_var [ 2020-08-04 11:35:39,032 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,033 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,035 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,039 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.02111816 0.01395416 0.01916504 0.02963257 0.02033997 0.02433777 0.02488708 0.02561951 0.01594... [ 2020-08-04 11:35:39,040 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,041 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv1.bn.running_mean [ 2020-08-04 11:35:39,041 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,042 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,045 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,049 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [ 3.20739746e-02 -2.56500244e-02 -5.96618652e-02 -1.27441406e-01 -3.99475098e-02 4.24499512e-02... [ 2020-08-04 11:35:39,050 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,051 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv1.bn.bias [ 2020-08-04 11:35:39,051 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,052 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,053 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,058 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.5629883 -0.6948242 -0.42773438 -0.33154297 -0.9511719 -0.06173706 -0.31518555 -0.6425781 ... [ 2020-08-04 11:35:39,059 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,059 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.bn.weight [ 2020-08-04 11:35:39,060 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,061 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,062 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,069 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.94628906 0.9638672 0.8310547 0.89208984 1.0185547 0.85546875 0.7338867 0.68603516 0.65527... [ 2020-08-04 11:35:39,070 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,071 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.bn.running_var [ 2020-08-04 11:35:39,072 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,073 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,075 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,083 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.03253174 0.03872681 0.03146362 0.02601624 0.04074097 0.03848267 0.03796387 0.03771973 0.04348... [ 2020-08-04 11:35:39,085 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,086 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.bn.running_mean [ 2020-08-04 11:35:39,087 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,087 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,088 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,096 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [-5.34667969e-02 -3.73229980e-02 -9.18579102e-02 -1.16699219e-01 -1.34643555e-01 -1.23168945e-01... [ 2020-08-04 11:35:39,098 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,098 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.bn.bias [ 2020-08-04 11:35:39,099 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,100 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,101 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,107 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [-0.8183594 -0.5732422 -0.6333008 -0.9213867 -0.5449219 -0.2397461 -0.29711914 -0.21972656 ... [ 2020-08-04 11:35:39,109 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,110 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv2.conv.weight [ 2020-08-04 11:35:39,111 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,112 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,114 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,116 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 512 1024 1 1], value = [[[[ 4.8713684e-03]] [[-3.4759521e-02]] [[ 4.2510986e-02]] ... [[ 1.5121460e-02]] ... [ 2020-08-04 11:35:39,118 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,118 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv2.bn.weight [ 2020-08-04 11:35:39,119 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,120 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,120 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,127 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.66064453 0.63623047 0.6953125 1.140625 0.49902344 0.7631836 0.578125 0.6435547 0.635742... [ 2020-08-04 11:35:39,129 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,129 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv2.bn.running_var [ 2020-08-04 11:35:39,130 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,130 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,131 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,137 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.3059082 0.3059082 0.48950195 0.39794922 0.36279297 0.31860352 0.50683594 0.4333496 0.35937... [ 2020-08-04 11:35:39,139 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,139 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv2.bn.running_mean [ 2020-08-04 11:35:39,140 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,140 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,141 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,149 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [ 1.06054688e+00 -1.41503906e+00 8.50585938e-01 2.33593750e+00 -1.28906250e+00 -3.84033203e-01... [ 2020-08-04 11:35:39,151 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,152 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv2.bn.bias [ 2020-08-04 11:35:39,152 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,154 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,156 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,163 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [-1.0478516 -0.86083984 -0.93115234 -2.1269531 -0.23718262 -1.0527344 -0.45239258 -0.56884766 ... [ 2020-08-04 11:35:39,164 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,166 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv1.conv.weight [ 2020-08-04 11:35:39,166 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,167 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,168 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,170 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 512 1 1], value = [[[[-0.04544067]] [[ 0.01748657]] [[-0.02182007]] ... [[-0.01095581]] [[-0.0406799... [ 2020-08-04 11:35:39,173 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,173 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv1.bn.weight [ 2020-08-04 11:35:39,174 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,175 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,176 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,179 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.67578125 0.7885742 0.79541016 0.77441406 0.77490234 0.7026367 0.82666016 0.67041016 0.698242... [ 2020-08-04 11:35:39,180 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,181 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv1.bn.running_var [ 2020-08-04 11:35:39,183 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,185 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,186 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,189 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.10723877 0.12243652 0.13378906 0.12890625 0.21557617 0.14245605 0.20959473 0.1685791 0.12573... [ 2020-08-04 11:35:39,190 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,191 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv1.bn.running_mean [ 2020-08-04 11:35:39,192 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,194 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,195 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,199 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.2849121 -0.26538086 -0.39379883 -0.47021484 -0.5336914 -0.37963867 -0.14294434 -0.6323242 ... [ 2020-08-04 11:35:39,200 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,201 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv1.bn.bias [ 2020-08-04 11:35:39,201 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,202 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,203 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,208 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.61621094 0.85839844 0.5234375 0.6142578 0.8149414 0.16589355 0.79296875 0.29125977 0.41137... [ 2020-08-04 11:35:39,209 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,210 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.7.conv.weight [ 2020-08-04 11:35:39,211 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,211 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,212 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,217 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512 256 3 3], value = [[[[-1.16577148e-02 -1.69067383e-02 -2.01721191e-02] [ 3.92532349e-03 -2.81143188e-03 -2.20870... [ 2020-08-04 11:35:39,218 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,219 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.7.bn.weight [ 2020-08-04 11:35:39,219 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,220 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,221 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,228 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [1.0751953 0.85498047 0.87402344 0.9555664 0.88964844 0.90625 0.87109375 0.8461914 0.83691406... [ 2020-08-04 11:35:39,229 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,230 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.7.bn.running_var [ 2020-08-04 11:35:39,230 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,231 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,232 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,238 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.38232422 0.30859375 0.40673828 0.22497559 0.2861328 0.37402344 0.2376709 0.2861328 0.38989... [ 2020-08-04 11:35:39,239 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,241 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.7.bn.running_mean [ 2020-08-04 11:35:39,241 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,242 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,243 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,250 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [-4.98291016e-01 -1.56250000e-01 3.85986328e-01 -1.01776123e-02 -1.33300781e-01 -3.97705078e-01... [ 2020-08-04 11:35:39,251 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,252 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.7.bn.bias [ 2020-08-04 11:35:39,253 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,254 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,255 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,264 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [-0.5078125 -0.29516602 -0.9790039 -1.0576172 -0.42749023 -0.18493652 -0.72021484 -0.14343262... [ 2020-08-04 11:35:39,265 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,267 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv2.conv.weight [ 2020-08-04 11:35:39,267 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,268 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,269 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,274 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 3 3], value = [[[[ 1.82952881e-02 -6.61849976e-03 -1.67236328e-02] [-9.35363770e-03 -2.82287598e-03 -2.56195... [ 2020-08-04 11:35:39,275 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,277 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv2.bn.weight [ 2020-08-04 11:35:39,277 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,278 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,279 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,281 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [1.8564453 1.359375 1.9316406 1.8398438 1.9316406 1.3974609 2.1210938 1.7265625 1.7617188 1.643... [ 2020-08-04 11:35:39,282 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,284 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv2.bn.running_var [ 2020-08-04 11:35:39,285 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,286 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,287 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,290 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.18066406 0.13183594 0.22717285 0.17260742 0.13427734 0.15612793 0.30395508 0.22497559 0.13476... [ 2020-08-04 11:35:39,291 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,291 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv2.bn.running_mean [ 2020-08-04 11:35:39,292 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,293 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,296 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,298 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [ 1.47399902e-02 3.10791016e-01 -1.15661621e-02 -2.21557617e-02 6.72607422e-02 -1.94335938e-01... [ 2020-08-04 11:35:39,299 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,300 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv2.bn.bias [ 2020-08-04 11:35:39,301 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,301 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,302 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,304 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.31835938 -0.17834473 0.6123047 -0.06561279 -0.13195801 0.32641602 0.5732422 0.70458984... [ 2020-08-04 11:35:39,306 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,307 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv1.conv.weight [ 2020-08-04 11:35:39,308 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,309 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,311 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,312 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[ 0.06420898]] [[-0.02082825]] [[ 0.00419617]] ... [[ 0.00437927]] [[-0.0181884... [ 2020-08-04 11:35:39,314 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,316 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv1.bn.weight [ 2020-08-04 11:35:39,317 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,317 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,318 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,321 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.7949219 0.8671875 0.9770508 0.8173828 0.9667969 0.80371094 0.8432617 0.81933594 0.93261... [ 2020-08-04 11:35:39,322 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,322 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv1.bn.running_var [ 2020-08-04 11:35:39,323 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,324 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,324 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,330 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.15661621 0.13830566 0.14428711 0.16784668 0.16699219 0.17736816 0.21008301 0.16723633 0.13647... [ 2020-08-04 11:35:39,331 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,331 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv1.bn.running_mean [ 2020-08-04 11:35:39,332 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,333 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,334 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,336 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.5942383 -0.44799805 -0.40600586 -0.08709717 -0.40551758 -0.6791992 -0.7573242 -0.6298828 ... [ 2020-08-04 11:35:39,338 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,339 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv1.bn.bias [ 2020-08-04 11:35:39,340 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,340 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,341 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,344 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.37451172 -0.7636719 -1.0644531 -0.74072266 -0.9160156 -0.22998047 -0.34350586 -0.5151367 ... [ 2020-08-04 11:35:39,345 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,346 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv2.conv.weight [ 2020-08-04 11:35:39,348 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,349 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,350 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,355 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 3 3], value = [[[[-2.00653076e-02 -4.38842773e-02 -5.78613281e-02] [ 1.29013062e-02 -2.91824341e-03 -2.82592... [ 2020-08-04 11:35:39,358 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,359 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv2.bn.weight [ 2020-08-04 11:35:39,360 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,361 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,362 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,364 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [1.1386719 1.0224609 1.1347656 0.8208008 0.9975586 1.0820312 0.8925781 0.8847656 1.287109... [ 2020-08-04 11:35:39,365 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,365 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv2.bn.running_var [ 2020-08-04 11:35:39,368 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,368 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,370 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,373 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.13415527 0.23864746 0.19384766 0.19909668 0.13024902 0.18591309 0.13928223 0.26879883 0.16491... [ 2020-08-04 11:35:39,374 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,374 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv2.bn.running_mean [ 2020-08-04 11:35:39,375 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,376 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,379 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,381 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.07299805 0.07025146 0.15856934 0.03533936 -0.04638672 -0.2932129 -0.11853027 0.15075684 ... [ 2020-08-04 11:35:39,382 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,383 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv2.bn.bias [ 2020-08-04 11:35:39,384 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,384 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,385 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,387 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.6772461 -0.00260925 -1.0820312 0.04067993 -0.52490234 -0.1842041 -0.69384766 0.6635742 ... [ 2020-08-04 11:35:39,389 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,390 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv1.conv.weight [ 2020-08-04 11:35:39,391 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,391 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,393 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,394 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[ 0.07427979]] [[ 0.02914429]] [[ 0.0340271 ]] ... [[ 0.01872253]] [[-0.0273895... [ 2020-08-04 11:35:39,396 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,396 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv1.bn.weight [ 2020-08-04 11:35:39,399 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,400 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,401 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,403 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.7260742 0.8491211 0.7607422 0.8413086 0.9448242 0.7680664 0.68310547 0.6689453 0.822265... [ 2020-08-04 11:35:39,404 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,405 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv1.bn.running_var [ 2020-08-04 11:35:39,405 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,406 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,407 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,410 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.04156494 0.04534912 0.05255127 0.06192017 0.04626465 0.03753662 0.05154419 0.04992676 0.03799... [ 2020-08-04 11:35:39,412 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,412 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv1.bn.running_mean [ 2020-08-04 11:35:39,413 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,414 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,415 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,417 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.3173828 -0.10522461 -0.47265625 -0.17041016 0.01290894 0.20056152 0.20129395 -0.2734375 ... [ 2020-08-04 11:35:39,418 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,418 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv1.bn.bias [ 2020-08-04 11:35:39,421 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,421 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,423 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,427 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.06481934 -0.60058594 -0.11895752 -0.27661133 -0.6972656 -0.35839844 -0.14953613 -0.07250977... [ 2020-08-04 11:35:39,428 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,430 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv2.conv.weight [ 2020-08-04 11:35:39,431 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,432 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,433 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,438 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 3 3], value = [[[[-2.46582031e-02 -2.65960693e-02 1.35879517e-02] [ 2.51007080e-02 -2.16827393e-02 -3.64685... [ 2020-08-04 11:35:39,441 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,441 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv2.bn.weight [ 2020-08-04 11:35:39,444 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,444 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,445 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,447 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [1.0634766 0.59765625 0.5341797 0.8828125 0.71728516 0.6142578 0.79589844 0.43969727 0.638183... [ 2020-08-04 11:35:39,448 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,450 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv2.bn.running_var [ 2020-08-04 11:35:39,451 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,452 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,453 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,455 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.29760742 0.24560547 0.29907227 0.2944336 0.30517578 0.17260742 0.3503418 0.20263672 0.29443... [ 2020-08-04 11:35:39,456 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,457 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv2.bn.running_mean [ 2020-08-04 11:35:39,457 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,458 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,460 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,463 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-5.7324219e-01 1.8505859e-01 5.9521484e-01 -1.6269531e+00 1.6616821e-02 -4.6508789e-01 -7.20... [ 2020-08-04 11:35:39,465 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,465 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv2.bn.bias [ 2020-08-04 11:35:39,466 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,466 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,467 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,470 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-1.1025391 -0.02490234 0.2232666 -0.4777832 -0.2644043 -0.53222656 -0.5 -0.14978027... [ 2020-08-04 11:35:39,472 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,473 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv1.conv.weight [ 2020-08-04 11:35:39,474 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,475 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,476 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,478 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[-0.05581665]] [[-0.00745773]] [[-0.06219482]] ... [[ 0.00933838]] [[-0.0059852... [ 2020-08-04 11:35:39,479 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,480 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv1.bn.weight [ 2020-08-04 11:35:39,483 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,483 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,484 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,487 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.95214844 0.8378906 0.9404297 0.81103516 0.8125 0.9013672 0.65527344 0.7504883 0.857910... [ 2020-08-04 11:35:39,488 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,488 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv1.bn.running_var [ 2020-08-04 11:35:39,489 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,490 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,490 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,495 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.00991058 0.01193237 0.01602173 0.0375061 0.01031494 0.02165222 0.02290344 0.01657104 0.01294... [ 2020-08-04 11:35:39,496 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,497 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv1.bn.running_mean [ 2020-08-04 11:35:39,497 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,498 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,499 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,501 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.14733887 -0.02520752 -0.01187897 -0.20324707 -0.05401611 -0.12255859 -0.10986328 -0.2619629 ... [ 2020-08-04 11:35:39,502 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,503 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv1.bn.bias [ 2020-08-04 11:35:39,505 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,506 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,507 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,510 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-1.2041016 -0.6586914 -0.27392578 0.18811035 -0.8491211 -0.03152466 0.25097656 -0.2590332 ... [ 2020-08-04 11:35:39,511 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,511 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv4.conv.weight [ 2020-08-04 11:35:39,512 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,513 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,514 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,517 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 1 1], value = [[[[ 0.01809692]] [[ 0.03588867]] [[-0.0602417 ]] ... [[ 0.00512695]] [[ 0.0404968... [ 2020-08-04 11:35:39,519 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,519 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv4.bn.weight [ 2020-08-04 11:35:39,520 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,520 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,521 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,524 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.8457031 0.96191406 0.90527344 0.99072266 0.8876953 0.8911133 0.60058594 0.9321289 0.892089... [ 2020-08-04 11:35:39,527 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,528 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv4.bn.running_var [ 2020-08-04 11:35:39,529 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,529 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,531 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,534 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.20227051 0.23791504 0.13659668 0.19824219 0.23547363 0.1920166 0.50341797 0.2919922 0.149658... [ 2020-08-04 11:35:39,535 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,537 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv4.bn.running_mean [ 2020-08-04 11:35:39,539 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,540 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,541 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,545 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.39086914 0.00440216 0.08435059 0.08148193 -0.26049805 -0.01256561 0.10290527 -0.16625977... [ 2020-08-04 11:35:39,548 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,550 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv4.bn.bias [ 2020-08-04 11:35:39,551 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,551 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,552 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,555 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.38598633 -1.2646484 -0.7089844 -0.5805664 -0.16320801 -0.875 0.55566406 -0.40795898 -0.8... [ 2020-08-04 11:35:39,558 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,559 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv3.weight [ 2020-08-04 11:35:39,560 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,561 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,562 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,563 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[ 0.06750488]] [[-0.05395508]] [[-0.01036835]] ... [[-0.01506805]] [[ 0.0238494... [ 2020-08-04 11:35:39,565 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,567 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv2.weight [ 2020-08-04 11:35:39,568 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,569 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,570 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,571 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 256 1 1], value = [[[[-0.03909302]] [[-0.02549744]] [[-0.07073975]] ... [[ 0.00038385]] [[ 0.0098037... [ 2020-08-04 11:35:39,573 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,573 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv1.conv.weight [ 2020-08-04 11:35:39,574 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,575 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,576 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,580 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 256 1 1], value = [[[[-0.03646851]] [[ 0.05023193]] [[-0.03341675]] ... [[ 0.03799438]] [[-0.0623474... [ 2020-08-04 11:35:39,582 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,582 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv1.bn.weight [ 2020-08-04 11:35:39,582 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,583 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,584 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,586 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.35766602 0.40429688 0.5024414 0.32714844 0.30810547 0.3864746 0.32861328 0.4284668 0.376220... [ 2020-08-04 11:35:39,590 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,590 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv1.bn.running_var [ 2020-08-04 11:35:39,591 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,591 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,593 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,595 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.08831787 0.12817383 0.1776123 0.24816895 0.09429932 0.12670898 0.16027832 0.1394043 0.12188... [ 2020-08-04 11:35:39,597 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,597 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv1.bn.running_mean [ 2020-08-04 11:35:39,598 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,600 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,602 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,604 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.06359863 -0.62353516 -0.21374512 -0.36499023 -0.43798828 -0.05557251 0.07141113 -0.4399414 ... [ 2020-08-04 11:35:39,605 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,606 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv1.bn.bias [ 2020-08-04 11:35:39,606 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,607 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,608 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,613 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-3.7475586e-01 -3.4643555e-01 -2.8247070e-01 5.5957031e-01 -2.1423340e-01 -3.5693359e-01 -1.84... [ 2020-08-04 11:35:39,614 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,614 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.bn.weight [ 2020-08-04 11:35:39,615 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,616 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,617 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,620 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [1.0322266 1.0029297 1.2617188 0.97998047 0.7314453 0.91308594 1.6640625 0.90966797 0.91992... [ 2020-08-04 11:35:39,621 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,623 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.bn.running_var [ 2020-08-04 11:35:39,624 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,624 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,625 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,630 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.5058594 0.71777344 0.56103516 0.45092773 0.46948242 0.39916992 0.8076172 0.4165039 0.30395... [ 2020-08-04 11:35:39,632 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,633 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.bn.running_mean [ 2020-08-04 11:35:39,634 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,634 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,635 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,639 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [ 9.43603516e-02 -7.72460938e-01 -1.11132812e+00 -8.14941406e-01 -4.81933594e-01 5.22460938e-01... [ 2020-08-04 11:35:39,641 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,643 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.bn.bias [ 2020-08-04 11:35:39,643 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,644 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,645 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,648 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-7.0654297e-01 -1.0070801e-03 -1.3388672e+00 -6.8066406e-01 9.3383789e-02 -6.6015625e-01 -1.24... [ 2020-08-04 11:35:39,651 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,652 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.5.conv.weight [ 2020-08-04 11:35:39,653 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,653 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,654 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,660 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 128 3 3], value = [[[[ 1.06582642e-02 2.86560059e-02 3.12042236e-02] [ 3.93371582e-02 5.74035645e-02 5.12084... [ 2020-08-04 11:35:39,662 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,663 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.5.bn.weight [ 2020-08-04 11:35:39,663 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,664 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,665 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,669 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [1.0292969 0.8935547 0.8725586 0.8310547 0.9057617 0.8076172 0.8208008 0.83251953 0.914062... [ 2020-08-04 11:35:39,671 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,673 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.5.bn.running_var [ 2020-08-04 11:35:39,674 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,674 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,675 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,679 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.7861328 0.1652832 0.19885254 0.80615234 0.30981445 0.30981445 0.4086914 0.3076172 0.32983... [ 2020-08-04 11:35:39,681 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,682 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.5.bn.running_mean [ 2020-08-04 11:35:39,683 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,683 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,684 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,688 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [ 0.31713867 -0.17590332 -0.07342529 0.45336914 -0.68066406 0.28808594 0.54296875 -0.01082611... [ 2020-08-04 11:35:39,689 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,691 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.5.bn.bias [ 2020-08-04 11:35:39,693 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,694 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,694 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,698 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.43603516 -0.9370117 -1.3115234 0.7792969 -0.45483398 -0.5888672 0.09667969 -0.6870117 ... [ 2020-08-04 11:35:39,700 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,701 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv2.conv.weight [ 2020-08-04 11:35:39,702 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,703 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,704 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,710 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 3 3], value = [[[[-1.30844116e-02 9.76562500e-03 7.46726990e-04] [-3.38134766e-02 -8.38470459e-03 -2.23083... [ 2020-08-04 11:35:39,712 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,713 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv2.bn.weight [ 2020-08-04 11:35:39,714 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,714 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,715 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,717 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [2.15625 2.0410156 1.6660156 2.3085938 2.0585938 1.6416016 1.8623047 2.3398438 2.2734375 1.867... [ 2020-08-04 11:35:39,719 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,719 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv2.bn.running_var [ 2020-08-04 11:35:39,720 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,722 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,724 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,727 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.1973877 0.2211914 0.20959473 0.31982422 0.19958496 0.22375488 0.17944336 0.28149414 0.31176... [ 2020-08-04 11:35:39,728 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,728 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv2.bn.running_mean [ 2020-08-04 11:35:39,729 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,730 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,732 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,734 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-2.23632812e-01 -3.90869141e-01 2.15087891e-01 4.27734375e-01 -2.33764648e-01 -1.59179688e-01... [ 2020-08-04 11:35:39,735 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,736 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv2.bn.bias [ 2020-08-04 11:35:39,736 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,737 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,738 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,739 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.8486328 -0.01602173 0.87597656 0.23205566 -0.40185547 0.94628906 0.78808594 -0.24865723... [ 2020-08-04 11:35:39,744 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,745 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv1.conv.weight [ 2020-08-04 11:35:39,745 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,746 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,747 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,749 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 1 1], value = [[[[ 0.05078125]] [[-0.0003674 ]] [[-0.09417725]] ... [[ 0.03518677]] [[-0.0239868... [ 2020-08-04 11:35:39,750 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,753 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv1.bn.weight [ 2020-08-04 11:35:39,754 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,754 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,755 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,757 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.9995117 0.80566406 0.8823242 0.93066406 0.7651367 1.0214844 1.0683594 0.8388672 0.796386... [ 2020-08-04 11:35:39,758 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,759 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv1.bn.running_var [ 2020-08-04 11:35:39,759 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,760 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,761 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,764 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.24108887 0.22094727 0.16467285 0.15270996 0.30541992 0.19384766 0.21606445 0.1887207 0.20434... [ 2020-08-04 11:35:39,766 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,766 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv1.bn.running_mean [ 2020-08-04 11:35:39,767 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,768 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,769 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,771 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.7363281 -0.21704102 -1.1113281 -0.546875 -0.32836914 -0.52685547 -1.4609375 -1.9443359 ... [ 2020-08-04 11:35:39,772 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,774 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv1.bn.bias [ 2020-08-04 11:35:39,775 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,776 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,777 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,778 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.92285156 -0.3474121 -0.99121094 -0.99902344 0.29296875 -1.1591797 -0.8540039 -0.39135742 ... [ 2020-08-04 11:35:39,780 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,780 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv2.conv.weight [ 2020-08-04 11:35:39,781 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,781 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,782 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,789 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 3 3], value = [[[[-4.49752808e-03 -9.94262695e-02 8.14819336e-03] [-1.57470703e-02 -4.24575806e-03 -1.46789... [ 2020-08-04 11:35:39,790 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,790 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv2.bn.weight [ 2020-08-04 11:35:39,791 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,792 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,793 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,796 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [1.4277344 1.0996094 0.73535156 1.4316406 1.3828125 0.88183594 1.5996094 1.1738281 1.25488... [ 2020-08-04 11:35:39,798 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,798 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv2.bn.running_var [ 2020-08-04 11:35:39,799 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,799 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,800 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,802 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.3815918 0.16589355 0.22021484 0.40478516 0.40673828 0.27563477 0.39233398 0.24401855 0.36694... [ 2020-08-04 11:35:39,803 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,805 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv2.bn.running_mean [ 2020-08-04 11:35:39,807 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,808 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,809 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,811 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.059021 -0.02241516 0.6616211 0.6772461 0.09161377 -0.3864746 -0.25073242 -0.13330078 ... [ 2020-08-04 11:35:39,812 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,813 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv2.bn.bias [ 2020-08-04 11:35:39,813 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,814 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,816 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,818 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.11810303 -1.1435547 1.65625 0.05453491 -0.12145996 0.8730469 -0.7290039 -1.0615234 ... [ 2020-08-04 11:35:39,820 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,820 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv1.conv.weight [ 2020-08-04 11:35:39,821 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,821 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,822 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,824 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 1 1], value = [[[[-0.06445312]] [[-0.01216888]] [[ 0.01477814]] ... [[-0.08111572]] [[-0.0742187... [ 2020-08-04 11:35:39,829 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,829 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv1.bn.weight [ 2020-08-04 11:35:39,830 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,830 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,831 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,833 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.9658203 1.0566406 0.9892578 0.9375 0.8334961 0.86083984 1.0869141 0.984375 0.97949... [ 2020-08-04 11:35:39,834 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,835 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv1.bn.running_var [ 2020-08-04 11:35:39,835 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,836 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,837 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,840 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.08905029 0.07952881 0.14111328 0.0668335 0.11560059 0.09942627 0.08453369 0.14404297 0.08422... [ 2020-08-04 11:35:39,842 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,842 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv1.bn.running_mean [ 2020-08-04 11:35:39,843 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,844 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,845 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,846 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [ 0.11883545 0.07116699 -0.24645996 -0.29101562 -0.7548828 -0.60009766 -0.45141602 0.59277344... [ 2020-08-04 11:35:39,849 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,851 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv1.bn.bias [ 2020-08-04 11:35:39,852 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,852 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,853 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,855 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.40405273 -0.7504883 -0.30493164 -0.6972656 0.6020508 0.2211914 -1.1181641 -0.27783203 ... [ 2020-08-04 11:35:39,855 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,856 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv2.conv.weight [ 2020-08-04 11:35:39,857 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,860 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,861 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,866 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 3 3], value = [[[[-1.00097656e-02 -8.78906250e-03 3.05786133e-02] [-1.66168213e-02 9.41772461e-02 2.51388... [ 2020-08-04 11:35:39,867 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,869 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv2.bn.weight [ 2020-08-04 11:35:39,869 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,871 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,872 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,874 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.9658203 0.8330078 0.6191406 0.609375 0.7421875 1.0478516 0.7944336 0.70751953 0.783203... [ 2020-08-04 11:35:39,875 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,876 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv2.bn.running_var [ 2020-08-04 11:35:39,877 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,879 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,880 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,882 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.34985352 0.4404297 0.35253906 0.33398438 0.5180664 0.37304688 0.21252441 0.41503906 0.40136... [ 2020-08-04 11:35:39,884 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,884 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv2.bn.running_mean [ 2020-08-04 11:35:39,885 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,885 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,886 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,888 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.46435547 0.17126465 0.18054199 0.55371094 0.92333984 -0.04528809 -0.12780762 0.6254883 ... [ 2020-08-04 11:35:39,891 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,891 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv2.bn.bias [ 2020-08-04 11:35:39,892 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,893 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,894 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,895 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.6694336 -0.46704102 0.03640747 -0.09918213 0.22009277 -0.47607422 -0.75 0.22399902... [ 2020-08-04 11:35:39,897 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,897 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv1.conv.weight [ 2020-08-04 11:35:39,898 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,900 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,901 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,903 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 1 1], value = [[[[-0.04971313]] [[-0.0567627 ]] [[ 0.04443359]] ... [[-0.0089035 ]] [[ 0.0380554... [ 2020-08-04 11:35:39,905 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,905 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv1.bn.weight [ 2020-08-04 11:35:39,906 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,906 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,907 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,910 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.70166016 0.85498047 1.1025391 0.67626953 0.58203125 0.9511719 0.72802734 1.0888672 0.789062... [ 2020-08-04 11:35:39,913 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,913 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv1.bn.running_var [ 2020-08-04 11:35:39,914 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,914 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,915 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,917 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.03662109 0.02526855 0.02114868 0.02003479 0.03326416 0.03417969 0.01927185 0.01202393 0.04061... [ 2020-08-04 11:35:39,918 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,918 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv1.bn.running_mean [ 2020-08-04 11:35:39,919 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,920 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,922 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,924 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-2.8198242e-01 2.3254395e-01 -3.6987305e-01 1.7907715e-01 6.7773438e-01 4.2633057e-02 -3.78... [ 2020-08-04 11:35:39,925 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,926 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv1.bn.bias [ 2020-08-04 11:35:39,927 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,927 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,928 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,930 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [ 0.21008301 -0.62402344 -0.94677734 -0.30029297 1.1386719 -0.09869385 -0.5263672 -1.6914062 ... [ 2020-08-04 11:35:39,931 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,933 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv4.conv.weight [ 2020-08-04 11:35:39,934 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,935 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,936 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,937 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[ 0.02563477]] [[-0.08209229]] [[-0.0480957 ]] ... [[-0.06115723]] [[ 0.0388488... [ 2020-08-04 11:35:39,939 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,939 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv4.bn.weight [ 2020-08-04 11:35:39,940 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,940 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,942 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,946 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.98095703 1.0966797 0.9033203 0.9140625 0.6645508 1.1875 1.3974609 0.984375 0.84472656 ... [ 2020-08-04 11:35:39,948 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,948 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv4.bn.running_var [ 2020-08-04 11:35:39,949 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,949 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,950 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,953 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.265625 0.3251953 0.4296875 0.41210938 0.42529297 0.2705078 0.29907227 0.34814453 0.672363... [ 2020-08-04 11:35:39,955 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,957 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv4.bn.running_mean [ 2020-08-04 11:35:39,957 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,958 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,960 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,962 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [ 0.04891968 -0.05978394 -0.5620117 -0.12988281 0.18554688 -0.03369141 0.41088867 -0.3256836 ... [ 2020-08-04 11:35:39,963 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,965 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv4.bn.bias [ 2020-08-04 11:35:39,966 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,968 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,969 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,971 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.9814453 -0.6484375 -0.05523682 -0.6826172 0.6567383 -1.0693359 -1.7080078 -0.3894043 ... [ 2020-08-04 11:35:39,972 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,972 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv3.weight [ 2020-08-04 11:35:39,973 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,973 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,974 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,978 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 1 1], value = [[[[-0.04983521]] [[-0.02044678]] [[-0.09643555]] ... [[ 0.03738403]] [[-0.0554199... [ 2020-08-04 11:35:39,979 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,980 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv2.weight [ 2020-08-04 11:35:39,980 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,981 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,982 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,984 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 64 128 1 1], value = [[[[ 0.01047516]] [[ 0.1237793 ]] [[ 0.02229309]] ... [[-0.00622559]] [[-0.0316162... [ 2020-08-04 11:35:39,985 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,986 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv1.conv.weight [ 2020-08-04 11:35:39,989 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,990 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,991 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,993 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 64 128 1 1], value = [[[[-0.06054688]] [[ 0.08404541]] [[-0.06091309]] ... [[-0.07800293]] [[ 0.0074462... [ 2020-08-04 11:35:39,995 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:39,995 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv1.bn.weight [ 2020-08-04 11:35:39,996 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:39,996 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:39,997 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:39,999 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.3540039 0.47143555 0.3083496 0.5048828 0.40844727 0.35986328 0.4819336 0.40551758 0.51464... [ 2020-08-04 11:35:40,001 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,002 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv1.bn.running_var [ 2020-08-04 11:35:40,003 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,003 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,004 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,006 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.21643066 0.55371094 0.15661621 0.4482422 0.26391602 0.15124512 0.14477539 0.32543945 0.35375... [ 2020-08-04 11:35:40,007 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,008 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv1.bn.running_mean [ 2020-08-04 11:35:40,008 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,011 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,012 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,014 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.04992676 -0.08459473 0.34692383 0.31225586 0.2220459 -1.1123047 -0.46826172 -0.15283203 ... [ 2020-08-04 11:35:40,016 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,016 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv1.bn.bias [ 2020-08-04 11:35:40,017 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,017 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,018 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,020 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [ 0.83984375 1.5126953 1.2304688 0.46044922 0.38549805 -0.18444824 -0.7338867 0.51708984... [ 2020-08-04 11:35:40,022 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,024 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.bn.weight [ 2020-08-04 11:35:40,024 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,025 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,027 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,029 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.8828125 1.1181641 1.4414062 1.2939453 1.2685547 0.97753906 0.97509766 1.2207031 0.96875... [ 2020-08-04 11:35:40,031 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,032 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.bn.running_var [ 2020-08-04 11:35:40,033 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,035 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,036 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,038 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.52441406 1.1542969 0.81689453 1.1015625 0.87646484 1.0117188 0.68310547 1.1601562 0.948242... [ 2020-08-04 11:35:40,039 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,040 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.bn.running_mean [ 2020-08-04 11:35:40,040 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,041 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,045 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,047 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-3.5595703e-01 -1.2392578e+00 -1.3046875e+00 -4.8876953e-01 -1.4716797e+00 -6.1523438e-01 -8.23... [ 2020-08-04 11:35:40,048 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,049 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.bn.bias [ 2020-08-04 11:35:40,049 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,050 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,051 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,054 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [ 0.1171875 0.5942383 -0.52734375 -0.7006836 -0.65625 1.4794922 -0.48413086 0.14013672 ... [ 2020-08-04 11:35:40,055 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,056 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.3.conv.weight [ 2020-08-04 11:35:40,057 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,057 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,058 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,064 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 64 3 3], value = [[[[-0.0117569 -0.03189087 -0.03305054] [-0.0234375 -0.08508301 -0.03857422] [-0.00142384... [ 2020-08-04 11:35:40,065 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,066 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.3.bn.weight [ 2020-08-04 11:35:40,067 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,068 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,069 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,071 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [1.1386719 1.3759766 1.0263672 1.0957031 1.1630859 0.97802734 0.84472656 1.1962891 1.08593... [ 2020-08-04 11:35:40,073 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,074 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.3.bn.running_var [ 2020-08-04 11:35:40,075 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,076 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,077 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,079 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.7290039 0.38989258 0.50146484 1.3574219 0.78759766 1.5683594 1.4785156 0.7890625 1.497070... [ 2020-08-04 11:35:40,080 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,082 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.3.bn.running_mean [ 2020-08-04 11:35:40,083 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,084 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,085 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,087 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-1.0029297 -1.3847656 -0.09643555 -0.11120605 -0.7915039 -0.77783203 -0.37524414 -1.1396484 ... [ 2020-08-04 11:35:40,088 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,089 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.3.bn.bias [ 2020-08-04 11:35:40,089 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,090 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,094 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,096 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.01433563 -2.0546875 -0.35229492 0.38330078 -0.46240234 0.8408203 0.4177246 -0.4736328 ... [ 2020-08-04 11:35:40,097 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,097 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.27.anchor_grid [ 2020-08-04 11:35:40,098 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,099 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,099 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,101 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [3 1 3 1 1 2], value = [[[[[[116. 90.]]] [[[156. 198.]]] [[[373. 326.]]]]] [[[[[ 30. 61.]]] [[[ 62... [ 2020-08-04 11:35:40,103 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,105 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_8261593 [ 2020-08-04 11:35:40,106 ] [ DEBUG ] [ infer:131 ] Op: Gather [ 2020-08-04 11:35:40,106 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,108 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [3 1 3 1 1 2], value = [[[[[[116. 90.]]] [[[156. 198.]]] [[[373. 326.]]]]] [[[[[ 30. 61.]]] [[[ 62... [ 2020-08-04 11:35:40,109 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [], value = 2 [ 2020-08-04 11:35:40,110 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [], value = 0 [ 2020-08-04 11:35:40,112 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,115 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1 3 1 1 2], value = [[[[[10. 13.]]] [[[16. 30.]]] [[[33. 23.]]]]] [ 2020-08-04 11:35:40,116 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,117 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_6161591 [ 2020-08-04 11:35:40,118 ] [ DEBUG ] [ infer:131 ] Op: Gather [ 2020-08-04 11:35:40,118 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,120 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [3 1 3 1 1 2], value = [[[[[[116. 90.]]] [[[156. 198.]]] [[[373. 326.]]]]] [[[[[ 30. 61.]]] [[[ 62... [ 2020-08-04 11:35:40,121 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [], value = 1 [ 2020-08-04 11:35:40,122 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [], value = 0 [ 2020-08-04 11:35:40,124 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,126 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1 3 1 1 2], value = [[[[[ 30. 61.]]] [[[ 62. 45.]]] [[[ 59. 119.]]]]] [ 2020-08-04 11:35:40,128 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,129 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_4061539 [ 2020-08-04 11:35:40,129 ] [ DEBUG ] [ infer:131 ] Op: Gather [ 2020-08-04 11:35:40,130 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,132 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [3 1 3 1 1 2], value = [[[[[[116. 90.]]] [[[156. 198.]]] [[[373. 326.]]]]] [[[[[ 30. 61.]]] [[[ 62... [ 2020-08-04 11:35:40,133 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [], value = 0 [ 2020-08-04 11:35:40,134 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [], value = 0 [ 2020-08-04 11:35:40,138 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,139 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1 3 1 1 2], value = [[[[[116. 90.]]] [[[156. 198.]]] [[[373. 326.]]]]] [ 2020-08-04 11:35:40,140 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,141 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.26.weight [ 2020-08-04 11:35:40,142 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,142 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,144 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,145 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [255 512 1 1], value = [[[[-2.3031235e-04]] [[ 3.0183792e-04]] [[-1.7671585e-03]] ... [[ 1.7499924e-04]] ... [ 2020-08-04 11:35:40,149 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,149 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.26.bias [ 2020-08-04 11:35:40,150 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,151 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,151 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,155 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [255], value = [ 2.1759033e-02 -7.4340820e-02 -1.1651611e-01 3.8427734e-01 -1.4570312e+00 -1.7490234e+00 -6.77... [ 2020-08-04 11:35:40,156 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,156 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv2.conv.weight [ 2020-08-04 11:35:40,159 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,160 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,161 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,166 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 3 3], value = [[[[-3.4408569e-03 2.3186207e-04 -2.6226044e-03] [-1.2569427e-03 1.0223389e-02 -3.2176971e-0... [ 2020-08-04 11:35:40,167 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,169 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv2.bn.weight [ 2020-08-04 11:35:40,170 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,171 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,172 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,176 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [1.03125 0.83251953 0.6713867 0.88183594 0.8798828 0.71728516 0.92822266 0.8486328 0.58837... [ 2020-08-04 11:35:40,179 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,180 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv2.bn.running_var [ 2020-08-04 11:35:40,181 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,181 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,182 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,185 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.07965088 0.05554199 0.08441162 0.09979248 0.05633545 0.04852295 0.03573608 0.05331421 0.09503... [ 2020-08-04 11:35:40,187 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,189 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv2.bn.running_mean [ 2020-08-04 11:35:40,189 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,191 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,192 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,197 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-7.27539062e-02 -1.76239014e-02 -1.31958008e-01 1.27807617e-01 -3.45153809e-02 -1.39648438e-01... [ 2020-08-04 11:35:40,199 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,201 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv2.bn.bias [ 2020-08-04 11:35:40,201 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,202 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,203 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,207 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-4.12597656e-01 -3.07373047e-01 4.24804688e-01 -2.88574219e-01 -3.22998047e-01 -9.86328125e-02... [ 2020-08-04 11:35:40,211 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,211 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv1.conv.weight [ 2020-08-04 11:35:40,212 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,212 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,213 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,215 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 1 1], value = [[[[-1.2367249e-02]] [[ 1.9912720e-03]] [[-1.7137527e-03]] ... [[-1.9989014e-03]] ... [ 2020-08-04 11:35:40,216 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,216 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv1.bn.weight [ 2020-08-04 11:35:40,219 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,220 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,221 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,225 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.9526367 0.9868164 0.8935547 0.83740234 1.0654297 0.83935547 1.1162109 0.77734375 0.79687... [ 2020-08-04 11:35:40,226 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,227 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv1.bn.running_var [ 2020-08-04 11:35:40,228 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,230 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,231 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,236 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.01210785 0.02270508 0.01902771 0.02478027 0.01312256 0.01165009 0.0229187 0.02146912 0.03485... [ 2020-08-04 11:35:40,237 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,238 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv1.bn.running_mean [ 2020-08-04 11:35:40,238 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,239 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,242 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,246 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-4.53796387e-02 -1.64184570e-01 -1.35498047e-01 -7.81250000e-03 2.80609131e-02 3.31726074e-02... [ 2020-08-04 11:35:40,248 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,248 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv1.bn.bias [ 2020-08-04 11:35:40,249 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,251 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,253 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,257 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.14147949 -0.46264648 -0.31835938 -0.38012695 -0.7524414 -0.27270508 -0.5053711 -0.29345703... [ 2020-08-04 11:35:40,258 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,258 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv4.conv.weight [ 2020-08-04 11:35:40,261 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,262 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,264 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,265 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512 512 1 1], value = [[[[-1.41296387e-02]] [[-1.08909607e-03]] [[ 8.36944580e-03]] ... [[-5.87844849e-03]]... [ 2020-08-04 11:35:40,266 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,267 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv4.bn.weight [ 2020-08-04 11:35:40,268 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,268 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,269 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,278 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.921875 1.8134766 1.2480469 1.5742188 1.2919922 0.97021484 1.2324219 1.9462891 0.45776... [ 2020-08-04 11:35:40,279 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,279 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv4.bn.running_var [ 2020-08-04 11:35:40,280 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,282 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,284 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,292 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.11224365 0.00946045 0.06167603 0.01968384 0.01186371 0.04800415 0.0063591 0.01046753 0.42480... [ 2020-08-04 11:35:40,294 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,294 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv4.bn.running_mean [ 2020-08-04 11:35:40,295 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,296 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,297 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,304 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [-5.18554688e-01 -2.77587891e-01 -8.44116211e-02 -3.40820312e-01 -3.47595215e-02 -2.03979492e-01... [ 2020-08-04 11:35:40,305 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,307 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv4.bn.bias [ 2020-08-04 11:35:40,308 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,309 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,310 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,317 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [ 8.29101562e-01 -1.28173828e-02 1.61376953e-01 -4.32861328e-01 -7.69653320e-02 4.20410156e-01... [ 2020-08-04 11:35:40,318 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,319 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv3.weight [ 2020-08-04 11:35:40,320 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,322 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,323 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,326 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 1 1], value = [[[[-3.4423828e-02]] [[-7.1754456e-03]] [[-2.2754669e-03]] ... [[ 1.1909485e-02]] ... [ 2020-08-04 11:35:40,328 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,328 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv2.weight [ 2020-08-04 11:35:40,329 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,329 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,330 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,332 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 512 1 1], value = [[[[-1.6536713e-03]] [[ 2.4471283e-03]] [[-1.3549805e-02]] ... [[ 1.9668579e-02]] ... [ 2020-08-04 11:35:40,335 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,335 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv1.conv.weight [ 2020-08-04 11:35:40,336 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,337 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,338 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,339 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 512 1 1], value = [[[[ 0.0062294 ]] [[ 0.01132965]] [[ 0.0137558 ]] ... [[ 0.00533676]] [[ 0.0086669... [ 2020-08-04 11:35:40,340 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,341 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv1.bn.weight [ 2020-08-04 11:35:40,342 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,346 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,347 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,350 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [1.0224609 0.8491211 0.85009766 0.8442383 0.8569336 0.96435547 1.1015625 0.9008789 0.97363... [ 2020-08-04 11:35:40,351 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,352 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv1.bn.running_var [ 2020-08-04 11:35:40,352 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,353 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,354 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,357 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.04022217 0.02207947 0.05133057 0.02418518 0.02864075 0.02941895 0.08270264 0.03570557 0.04913... [ 2020-08-04 11:35:40,359 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,360 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv1.bn.running_mean [ 2020-08-04 11:35:40,361 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,361 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,363 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,366 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-1.28906250e-01 -1.29394531e-01 2.14996338e-02 6.66503906e-02 1.10595703e-01 -1.30981445e-01... [ 2020-08-04 11:35:40,367 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,369 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv1.bn.bias [ 2020-08-04 11:35:40,370 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,371 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,371 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,375 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [ 0.0328064 -0.28930664 0.19848633 -0.34228516 -0.7207031 -0.46118164 0.29077148 -0.3876953 ... [ 2020-08-04 11:35:40,378 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,379 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.bn.weight [ 2020-08-04 11:35:40,379 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,380 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,381 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,387 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [1.1015625 0.9770508 1.1503906 1.1533203 0.90478516 1.0644531 1.1210938 1.0517578 1.03125 ... [ 2020-08-04 11:35:40,388 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,389 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.bn.running_var [ 2020-08-04 11:35:40,389 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,390 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,391 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,398 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.04244995 0.02772522 0.04116821 0.03201294 0.01263428 0.01068115 0.0451355 0.02886963 0.01835... [ 2020-08-04 11:35:40,400 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,402 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.bn.running_mean [ 2020-08-04 11:35:40,402 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,403 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,404 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,412 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [ 8.73565674e-03 1.36352539e-01 -1.21093750e-01 -5.65490723e-02 8.36181641e-02 -1.12670898e-01... [ 2020-08-04 11:35:40,413 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,414 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.bn.bias [ 2020-08-04 11:35:40,415 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,416 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,418 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,423 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [ 0.7714844 -0.35839844 -0.19128418 -0.20031738 -0.04394531 -0.4428711 0.6020508 0.0423584 ... [ 2020-08-04 11:35:40,425 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,427 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.23.conv.weight [ 2020-08-04 11:35:40,427 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,428 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,429 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,434 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 3 3], value = [[[[ 1.39617920e-03 -1.96099281e-04 8.78334045e-04] [-1.32942200e-03 -2.12860107e-03 -3.48472... [ 2020-08-04 11:35:40,435 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,437 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.23.bn.weight [ 2020-08-04 11:35:40,437 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,438 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,439 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,443 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.92871094 0.9501953 0.88623047 0.96191406 0.84033203 0.74658203 0.8720703 0.83203125 0.93505... [ 2020-08-04 11:35:40,445 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,447 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.23.bn.running_var [ 2020-08-04 11:35:40,448 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,448 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,449 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,452 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [ 0.4440918 0.99072266 0.7636719 0.49145508 0.42089844 0.69628906 0.84521484 0.3010254 ... [ 2020-08-04 11:35:40,455 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,456 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.23.bn.running_mean [ 2020-08-04 11:35:40,457 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,457 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,458 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,462 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [ 4.76074219e-01 -8.09570312e-01 -5.37109375e-01 -5.73730469e-01 7.54882812e-01 1.01135254e-01... [ 2020-08-04 11:35:40,464 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,465 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.23.bn.bias [ 2020-08-04 11:35:40,466 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,467 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,468 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,472 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.3918457 -0.13989258 0.11968994 -0.09368896 -0.04556274 -0.21533203 -0.08807373 -0.42529297... [ 2020-08-04 11:35:40,474 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,475 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.22.weight [ 2020-08-04 11:35:40,476 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,477 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,478 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,480 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [255 256 1 1], value = [[[[ 3.3378601e-05]] [[-2.3250580e-03]] [[-3.8890839e-03]] ... [[-1.5246868e-04]] ... [ 2020-08-04 11:35:40,481 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,481 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.22.bias [ 2020-08-04 11:35:40,484 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,485 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,486 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,490 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [255], value = [-1.62506104e-02 3.98864746e-02 7.35839844e-01 3.74412537e-03 -2.85156250e+00 -1.58593750e+00... [ 2020-08-04 11:35:40,491 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,491 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv2.conv.weight [ 2020-08-04 11:35:40,492 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,494 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,495 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,501 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 3 3], value = [[[[ 5.10025024e-03 4.92572784e-04 3.86238098e-04] [ 9.49096680e-03 -8.02612305e-03 -1.63364... [ 2020-08-04 11:35:40,502 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,502 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv2.bn.weight [ 2020-08-04 11:35:40,504 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,505 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,507 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,510 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.75634766 1.0576172 0.51904297 0.6357422 1.4716797 1.640625 0.5341797 0.9404297 0.4465332... [ 2020-08-04 11:35:40,511 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,512 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv2.bn.running_var [ 2020-08-04 11:35:40,512 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,513 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,515 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,519 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.11151123 0.07843018 0.10302734 0.05499268 0.08856201 0.11584473 0.10461426 0.09356689 0.07226... [ 2020-08-04 11:35:40,520 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,520 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv2.bn.running_mean [ 2020-08-04 11:35:40,521 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,521 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,522 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,524 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [ 0.00835419 -0.08050537 -0.02464294 0.00710678 -0.22387695 -0.18835449 -0.07971191 0.00358963... [ 2020-08-04 11:35:40,527 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,528 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv2.bn.bias [ 2020-08-04 11:35:40,528 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,529 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,530 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,532 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.06506348 -0.67333984 0.8046875 0.47094727 -0.80810547 -0.7944336 0.6723633 -0.5600586 ... [ 2020-08-04 11:35:40,533 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,535 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv1.conv.weight [ 2020-08-04 11:35:40,536 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,538 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,539 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,540 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[-0.00687027]] [[ 0.03384399]] [[-0.00209427]] ... [[-0.00188923]] [[ 0.0544128... [ 2020-08-04 11:35:40,542 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,542 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv1.bn.weight [ 2020-08-04 11:35:40,543 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,546 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,547 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,550 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.8041992 0.68115234 0.86328125 0.81347656 0.78271484 0.87841797 0.85595703 0.9477539 0.86083... [ 2020-08-04 11:35:40,551 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,551 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv1.bn.running_var [ 2020-08-04 11:35:40,552 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,553 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,553 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,556 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.03033447 0.01379395 0.03051758 0.0222168 0.02694702 0.01789856 0.03610229 0.03102112 0.01856... [ 2020-08-04 11:35:40,557 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,558 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv1.bn.running_mean [ 2020-08-04 11:35:40,559 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,560 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,561 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,563 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-8.29467773e-02 3.68690491e-03 -1.40625000e-01 6.87866211e-02 -8.85620117e-02 1.18591309e-01... [ 2020-08-04 11:35:40,564 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,565 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv1.bn.bias [ 2020-08-04 11:35:40,567 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,568 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,569 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,572 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [ 0.1973877 -0.26171875 -0.28979492 -0.0970459 -0.35180664 -0.4482422 0.23022461 -0.55615234 ... [ 2020-08-04 11:35:40,573 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,573 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv4.conv.weight [ 2020-08-04 11:35:40,574 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,575 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,578 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,580 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 1 1], value = [[[[-2.7328491e-02]] [[-2.6721954e-03]] [[-1.1299133e-02]] ... [[ 6.9141388e-04]] ... [ 2020-08-04 11:35:40,582 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,582 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv4.bn.weight [ 2020-08-04 11:35:40,582 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,583 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,584 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,587 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [2.8417969 0.53759766 1.8740234 1.7070312 1.5869141 1.8076172 2.390625 1.4775391 1.887695... [ 2020-08-04 11:35:40,589 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,589 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv4.bn.running_var [ 2020-08-04 11:35:40,590 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,591 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,592 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,595 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.05239868 0.21142578 0.06030273 0.04125977 0.02883911 0.0352478 0.03013611 0.03149414 0.049316... [ 2020-08-04 11:35:40,598 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,600 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv4.bn.running_mean [ 2020-08-04 11:35:40,600 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,601 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,602 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,605 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.38891602 -0.5126953 -0.02900696 -0.28442383 -0.02105713 0.00220299 -0.36669922 -0.26098633... [ 2020-08-04 11:35:40,606 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,608 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv4.bn.bias [ 2020-08-04 11:35:40,610 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,611 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,612 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,615 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.01597595 0.9501953 0.18908691 0.01896667 -0.19555664 0.42578125 -0.5288086 -0.18310547... [ 2020-08-04 11:35:40,617 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,618 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv3.weight [ 2020-08-04 11:35:40,620 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,621 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,622 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,623 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[ 0.02095032]] [[-0.00444794]] [[-0.03845215]] ... [[-0.10314941]] [[ 0.0157775... [ 2020-08-04 11:35:40,624 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,625 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv2.weight [ 2020-08-04 11:35:40,626 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,629 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,630 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,632 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 256 1 1], value = [[[[-0.00183296]] [[-0.00128937]] [[ 0.0043335 ]] ... [[-0.00341034]] [[-0.0261077... [ 2020-08-04 11:35:40,633 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,634 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv1.conv.weight [ 2020-08-04 11:35:40,634 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,635 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,636 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,638 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 256 1 1], value = [[[[ 7.96794891e-04]] [[-3.16467285e-02]] [[-2.09472656e-01]] ... [[-1.43432617e-02]]... [ 2020-08-04 11:35:40,640 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,641 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv1.bn.weight [ 2020-08-04 11:35:40,641 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,642 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,644 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,646 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [1.0302734 0.89501953 0.8540039 0.8256836 0.8984375 0.8691406 1.1044922 0.8569336 0.964355... [ 2020-08-04 11:35:40,647 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,647 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv1.bn.running_var [ 2020-08-04 11:35:40,648 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,650 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,652 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,654 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.08898926 0.0982666 0.12060547 0.05462646 0.11529541 0.15808105 0.10632324 0.06173706 0.07067... [ 2020-08-04 11:35:40,655 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,655 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv1.bn.running_mean [ 2020-08-04 11:35:40,656 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,656 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,658 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,661 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [ 0.08007812 0.1071167 -0.22216797 -0.05236816 0.00978851 0.00444794 -0.27685547 0.16894531... [ 2020-08-04 11:35:40,663 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,663 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv1.bn.bias [ 2020-08-04 11:35:40,664 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,664 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,665 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,668 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.03607178 -0.30200195 0.105896 -0.23632812 -0.10430908 0.14318848 -0.09234619 0.2758789 ... [ 2020-08-04 11:35:40,669 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,669 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.bn.weight [ 2020-08-04 11:35:40,672 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,672 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,673 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,679 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.77978516 1.0742188 1.3564453 1.0068359 1.5722656 0.47924805 1.0332031 1.0859375 0.89794... [ 2020-08-04 11:35:40,679 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,680 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.bn.running_var [ 2020-08-04 11:35:40,682 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,684 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,684 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,689 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.04574585 0.03140259 0.05889893 0.06628418 0.01773071 0.08514404 0.02668762 0.02368164 0.03463... [ 2020-08-04 11:35:40,689 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,689 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.bn.running_mean [ 2020-08-04 11:35:40,690 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,694 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,695 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,699 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [ 5.18798828e-02 -1.51245117e-01 -2.66845703e-01 -1.03637695e-01 -3.04687500e-01 -3.92333984e-01... [ 2020-08-04 11:35:40,699 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,702 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.bn.bias [ 2020-08-04 11:35:40,702 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,704 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,704 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,707 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.6879883 -0.22497559 -0.04846191 0.24438477 -0.59472656 1.7607422 0.11602783 -0.671875 ... [ 2020-08-04 11:35:40,709 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,710 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv2.conv.weight [ 2020-08-04 11:35:40,712 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,714 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,714 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,719 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32 32 3 3], value = [[[[ 1.61132812e-02 -2.85491943e-02 3.02276611e-02] [ 8.79516602e-02 -5.54504395e-02 9.05761... [ 2020-08-04 11:35:40,720 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,722 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv2.bn.weight [ 2020-08-04 11:35:40,723 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,725 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,726 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,728 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [1.2041016 1.2773438 1.6552734 1.5175781 1.6787109 1.4765625 1.375 1.5253906 1.0703125 1.5917969... [ 2020-08-04 11:35:40,729 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,729 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv2.bn.running_var [ 2020-08-04 11:35:40,730 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,731 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,733 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,735 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [0.64990234 0.9160156 0.9243164 1.2822266 1.4003906 0.79296875 0.73828125 1.0576172 0.96679... [ 2020-08-04 11:35:40,736 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,736 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv2.bn.running_mean [ 2020-08-04 11:35:40,737 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,738 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,739 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,740 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [ 0.2355957 -0.24963379 -0.07104492 -0.13598633 0.33911133 -0.6381836 -0.37695312 -0.05828857 ... [ 2020-08-04 11:35:40,741 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,742 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv2.bn.bias [ 2020-08-04 11:35:40,745 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,746 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,747 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,748 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [ 1.2744141 -0.29052734 -0.05078125 0.03851318 -0.36499023 1.1044922 -0.21716309 1.2265625 ... [ 2020-08-04 11:35:40,749 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,749 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv1.conv.weight [ 2020-08-04 11:35:40,750 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,751 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,752 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,754 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32 32 1 1], value = [[[[ 0.04846191]] [[ 0.06988525]] [[-0.0051384 ]] ... [[-0.0793457 ]] [[ 0.1578369... [ 2020-08-04 11:35:40,756 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,757 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv1.bn.weight [ 2020-08-04 11:35:40,758 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,758 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,760 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,761 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [0.87939453 1.1572266 1.0830078 2.1445312 0.99853516 1.3398438 1.4941406 0.9941406 2.087890... [ 2020-08-04 11:35:40,762 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,763 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv1.bn.running_var [ 2020-08-04 11:35:40,765 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,766 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,767 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,769 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [0.11517334 0.09753418 0.09069824 0.29418945 0.1227417 0.14733887 0.15637207 0.12182617 0.26464... [ 2020-08-04 11:35:40,771 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,771 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv1.bn.running_mean [ 2020-08-04 11:35:40,773 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,774 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,777 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,779 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [-0.22265625 -0.01541138 0.16052246 0.31567383 -0.28198242 -0.14575195 1.3378906 -0.2277832 ... [ 2020-08-04 11:35:40,782 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,782 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv1.bn.bias [ 2020-08-04 11:35:40,783 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,784 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,786 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,790 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [-0.06408691 0.14331055 0.07336426 -0.2939453 0.1194458 0.28466797 0.67626953 -0.04641724... [ 2020-08-04 11:35:40,791 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,792 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv4.conv.weight [ 2020-08-04 11:35:40,793 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,794 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,795 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,797 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 1 1], value = [[[[-0.12109375]] [[ 0.05883789]] [[ 0.03656006]] ... [[ 0.04663086]] [[-0.1181640... [ 2020-08-04 11:35:40,799 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,801 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv4.bn.weight [ 2020-08-04 11:35:40,801 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,802 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,803 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,805 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.9291992 1.3349609 1.2978516 2.3554688 1.9306641 1.0595703 2.2617188 1.3564453 1.230468... [ 2020-08-04 11:35:40,806 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,807 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv4.bn.running_var [ 2020-08-04 11:35:40,812 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,813 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,815 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,818 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.3400879 0.62939453 0.3330078 1.296875 1.1953125 0.5703125 1.2802734 0.42138672 0.351074... [ 2020-08-04 11:35:40,819 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,820 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv4.bn.running_mean [ 2020-08-04 11:35:40,822 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,823 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,824 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,826 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-2.36328125e+00 -4.01855469e-01 -1.06933594e+00 -5.79528809e-02 7.71484375e-01 -4.59716797e-01... [ 2020-08-04 11:35:40,828 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,828 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv4.bn.bias [ 2020-08-04 11:35:40,829 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,831 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,832 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,834 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [ 0.2331543 0.54541016 -1.0595703 -0.3996582 0.25878906 1.5908203 -0.4013672 0.03375244 ... [ 2020-08-04 11:35:40,836 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,836 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv3.weight [ 2020-08-04 11:35:40,837 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,838 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,838 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,842 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32 32 1 1], value = [[[[-0.05340576]] [[ 0.01322174]] [[-0.15771484]] ... [[-0.11798096]] [[-0.1979980... [ 2020-08-04 11:35:40,844 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,844 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv2.weight [ 2020-08-04 11:35:40,845 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,845 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,846 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,848 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32 64 1 1], value = [[[[ 0.00701904]] [[ 0.01577759]] [[ 0.02050781]] ... [[-0.30371094]] [[ 0.0038547... [ 2020-08-04 11:35:40,849 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,852 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv1.conv.weight [ 2020-08-04 11:35:40,853 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,854 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,855 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,856 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32 64 1 1], value = [[[[-0.11004639]] [[-0.24682617]] [[ 0.01274109]] ... [[-0.0100174 ]] [[-0.0398254... [ 2020-08-04 11:35:40,858 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,858 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv1.bn.weight [ 2020-08-04 11:35:40,859 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,860 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,861 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,864 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [0.8540039 1.0615234 1.0410156 0.82177734 1.4355469 0.54589844 0.83154297 0.6147461 0.79980... [ 2020-08-04 11:35:40,865 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,866 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv1.bn.running_var [ 2020-08-04 11:35:40,866 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,867 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,868 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,869 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [0.80371094 0.8129883 1.0380859 0.6118164 0.92529297 0.50878906 0.87597656 0.76904297 0.78613... [ 2020-08-04 11:35:40,870 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,871 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv1.bn.running_mean [ 2020-08-04 11:35:40,871 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,873 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,875 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,877 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [ 2.6484375 0.4934082 -3.0585938 0.3317871 0.54052734 0.1998291 1.3408203 -1.6855469 ... [ 2020-08-04 11:35:40,878 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,878 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv1.bn.bias [ 2020-08-04 11:35:40,879 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,880 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,880 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,882 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [ 0.24206543 -0.03311157 -0.01655579 0.08929443 -0.07476807 0.69921875 -0.05453491 0.92285156... [ 2020-08-04 11:35:40,884 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,886 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.bn.weight [ 2020-08-04 11:35:40,886 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,887 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,888 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,889 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [1.4365234 1.4833984 1.0908203 1.4433594 0.98046875 1.2050781 1.4365234 1.3603516 1.490234... [ 2020-08-04 11:35:40,890 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,891 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.bn.running_var [ 2020-08-04 11:35:40,892 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,894 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,895 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,898 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.35717773 0.6113281 0.6435547 1.0566406 0.5810547 0.7294922 0.85595703 0.50097656 0.992675... [ 2020-08-04 11:35:40,899 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,900 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.bn.running_mean [ 2020-08-04 11:35:40,900 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,901 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,902 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,904 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-1.7705078 -0.13952637 -0.91503906 -0.03738403 1.6132812 0.16052246 1.5224609 -1.2861328 ... [ 2020-08-04 11:35:40,906 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,907 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.bn.bias [ 2020-08-04 11:35:40,908 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,909 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,910 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,912 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.11859131 0.05609131 0.08929443 -0.08111572 2.59375 0.05554199 0.5756836 -0.09759521... [ 2020-08-04 11:35:40,913 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,914 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.19.conv.weight [ 2020-08-04 11:35:40,916 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,916 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,919 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,924 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 3 3], value = [[[[-3.39508057e-04 5.80978394e-03 -2.01988220e-03] [ 2.34413147e-03 1.67560577e-03 -3.18145... [ 2020-08-04 11:35:40,925 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,927 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.19.bn.weight [ 2020-08-04 11:35:40,928 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,928 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,929 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,932 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [1.2109375 1.1396484 1.1806641 0.8413086 1.1748047 0.7133789 1.2441406 1.0400391 0.990234... [ 2020-08-04 11:35:40,933 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,933 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.19.bn.running_var [ 2020-08-04 11:35:40,934 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,934 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,937 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,939 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.8334961 1.0791016 1.2773438 0.45336914 0.30249023 1.4384766 0.5600586 0.38085938 0.501464... [ 2020-08-04 11:35:40,940 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,941 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.19.bn.running_mean [ 2020-08-04 11:35:40,941 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,942 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,944 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,946 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.05947876 -1.9667969 1.1279297 0.029953 -0.43066406 -1.4638672 -0.5727539 -0.13781738 ... [ 2020-08-04 11:35:40,947 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,948 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.19.bn.bias [ 2020-08-04 11:35:40,949 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,949 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,950 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,952 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.46850586 -0.82714844 0.2401123 -0.24169922 -0.57421875 0.01898193 -0.7416992 -0.5102539 ... [ 2020-08-04 11:35:40,953 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,955 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.18.weight [ 2020-08-04 11:35:40,956 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,958 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,960 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,962 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [255 128 1 1], value = [[[[-3.6048889e-04]] [[-3.0197144e-02]] [[-1.3504028e-03]] ... [[ 3.7503242e-04]] ... [ 2020-08-04 11:35:40,965 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,967 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.18.bias [ 2020-08-04 11:35:40,968 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,969 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,969 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,973 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [255], value = [ 0.3671875 0.04034424 1.0839844 0.8300781 -4.5 -1.2871094 -5.4648438 -3.78125 ... [ 2020-08-04 11:35:40,974 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,975 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv2.conv.weight [ 2020-08-04 11:35:40,977 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,978 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,980 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,985 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 3 3], value = [[[[-1.21154785e-02 -1.73492432e-02 3.53431702e-03] [-4.69589233e-03 3.17382812e-02 2.16522... [ 2020-08-04 11:35:40,986 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,988 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv2.bn.weight [ 2020-08-04 11:35:40,990 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,991 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,991 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:40,994 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.80078125 0.86376953 0.81884766 0.78271484 0.8383789 0.7739258 1.3046875 0.3935547 0.756347... [ 2020-08-04 11:35:40,995 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:40,995 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv2.bn.running_var [ 2020-08-04 11:35:40,996 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:40,997 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:40,999 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,001 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.06738281 0.03442383 0.02151489 0.04333496 0.0680542 0.08374023 0.10345459 0.04470825 0.04922... [ 2020-08-04 11:35:41,002 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,002 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv2.bn.running_mean [ 2020-08-04 11:35:41,003 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,004 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,005 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,006 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [ 0.30078125 0.0266571 -0.30029297 -0.14379883 -0.31689453 0.6020508 0.05477905 -0.23730469 ... [ 2020-08-04 11:35:41,010 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,011 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv2.bn.bias [ 2020-08-04 11:35:41,011 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,012 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,013 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,014 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [ 0.35595703 -0.6743164 -0.734375 0.08728027 0.5307617 0.5292969 -0.39526367 1.0976562 ... [ 2020-08-04 11:35:41,015 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,016 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv1.conv.weight [ 2020-08-04 11:35:41,016 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,019 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,019 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,022 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 1 1], value = [[[[ 0.00492096]] [[-0.02597046]] [[-0.00989532]] ... [[-0.01290131]] [[ 0.0553283... [ 2020-08-04 11:35:41,024 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,024 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv1.bn.weight [ 2020-08-04 11:35:41,025 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,025 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,027 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,028 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.47924805 0.42895508 0.85302734 0.64160156 0.5810547 0.25341797 0.55078125 0.7246094 0.79687... [ 2020-08-04 11:35:41,031 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,031 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv1.bn.running_var [ 2020-08-04 11:35:41,032 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,033 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,033 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,035 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.03927612 0.02307129 0.02011108 0.01490784 0.01448059 0.01719666 0.12915039 0.01577759 0.01483... [ 2020-08-04 11:35:41,036 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,037 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv1.bn.running_mean [ 2020-08-04 11:35:41,037 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,038 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,039 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,043 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [ 0.33813477 0.34716797 -0.25732422 -0.02319336 -0.30297852 0.09509277 -1.796875 -0.24035645... [ 2020-08-04 11:35:41,044 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,045 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv1.bn.bias [ 2020-08-04 11:35:41,045 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,046 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,047 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,048 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [ 0.45922852 0.57910156 -0.95654297 -0.62060547 -0.46801758 0.6147461 1.5625 -0.875 ... [ 2020-08-04 11:35:41,049 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,051 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv4.conv.weight [ 2020-08-04 11:35:41,052 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,053 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,054 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,056 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[-0.00491714]] [[-0.02664185]] [[-0.00632095]] ... [[ 0.00128365]] [[ 0.0152969... [ 2020-08-04 11:35:41,057 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,057 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv4.bn.weight [ 2020-08-04 11:35:41,058 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,059 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,060 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,065 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [2.3847656 1.9824219 2.1347656 2.0722656 2.453125 2.5839844 2.375 2.1796875 2.689453... [ 2020-08-04 11:35:41,066 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,066 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv4.bn.running_var [ 2020-08-04 11:35:41,067 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,067 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,069 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,072 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.03735352 0.04733276 0.39575195 0.02459717 0.03378296 0.03308105 0.04876709 0.06835938 0.03329... [ 2020-08-04 11:35:41,073 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,075 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv4.bn.running_mean [ 2020-08-04 11:35:41,076 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,077 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,078 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,080 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [ 1.04309082e-01 8.17260742e-02 -9.76562500e-01 1.08496094e+00 -4.06982422e-01 -3.97216797e-01... [ 2020-08-04 11:35:41,083 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,084 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv4.bn.bias [ 2020-08-04 11:35:41,085 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,085 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,086 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,089 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-3.67919922e-01 5.72753906e-01 4.28906250e+00 -8.04687500e-01 -5.72265625e-01 -7.44628906e-01... [ 2020-08-04 11:35:41,090 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,090 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv3.weight [ 2020-08-04 11:35:41,091 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,094 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,095 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,096 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 1 1], value = [[[[ 0.00780106]] [[-0.00107288]] [[-0.01158142]] ... [[-0.00637054]] [[ 0.0415954... [ 2020-08-04 11:35:41,097 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,098 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv2.weight [ 2020-08-04 11:35:41,098 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,099 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,100 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,101 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 64 256 1 1], value = [[[[ 0.03604126]] [[-0.00784302]] [[ 0.04504395]] ... [[ 0.00344849]] [[-0.0044441... [ 2020-08-04 11:35:41,106 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,107 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv1.conv.weight [ 2020-08-04 11:35:41,107 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,108 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,109 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,111 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 64 256 1 1], value = [[[[ 0.0124054 ]] [[ 0.00260162]] [[ 0.01333618]] ... [[ 0.03649902]] [[ 0.0048141... [ 2020-08-04 11:35:41,112 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,113 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv1.bn.weight [ 2020-08-04 11:35:41,113 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,114 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,117 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,119 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.8833008 0.48046875 0.6152344 0.5654297 0.78271484 0.57373047 0.6020508 0.9916992 0.55468... [ 2020-08-04 11:35:41,120 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,120 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv1.bn.running_var [ 2020-08-04 11:35:41,121 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,121 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,122 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,124 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.09289551 0.24145508 0.15661621 0.140625 0.11126709 0.13317871 0.08135986 0.12536621 0.15270... [ 2020-08-04 11:35:41,127 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,128 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv1.bn.running_mean [ 2020-08-04 11:35:41,128 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,129 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,130 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,132 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [ 0.11749268 -0.11407471 -0.18249512 0.35668945 -0.21972656 -0.26049805 -0.39208984 -0.02323914... [ 2020-08-04 11:35:41,133 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,133 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv1.bn.bias [ 2020-08-04 11:35:41,134 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,134 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,137 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,139 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.40283203 1.9443359 -0.31152344 -0.08166504 -1.3203125 -0.36254883 -0.9428711 -1.8134766 ... [ 2020-08-04 11:35:41,140 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,140 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.bn.weight [ 2020-08-04 11:35:41,141 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,142 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,143 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,146 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.75097656 0.6665039 0.9165039 0.6586914 1.4804688 0.9350586 1.0888672 1.1611328 0.891113... [ 2020-08-04 11:35:41,147 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,148 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.bn.running_var [ 2020-08-04 11:35:41,149 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,150 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,150 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,153 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.05941772 0.03083801 0.07244873 0.04803467 0.01763916 0.03253174 0.02987671 0.05020142 0.01673... [ 2020-08-04 11:35:41,154 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,154 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.bn.running_mean [ 2020-08-04 11:35:41,155 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,157 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,159 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,161 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.01750183 1.1503906 -0.11651611 0.30249023 -0.17468262 -0.17993164 -0.3359375 -0.359375 ... [ 2020-08-04 11:35:41,163 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,163 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.bn.bias [ 2020-08-04 11:35:41,164 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,164 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,166 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,169 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [ 7.61230469e-01 -1.24804688e+00 1.00683594e+00 2.21484375e+00 -1.13769531e+00 -2.61474609e-01... [ 2020-08-04 11:35:41,170 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,170 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.14.conv.weight [ 2020-08-04 11:35:41,171 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,171 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,172 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,174 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 256 1 1], value = [[[[ 0.10064697]] [[-0.02210999]] [[ 0.0189209 ]] ... [[ 0.0056572 ]] [[-0.0422363... [ 2020-08-04 11:35:41,175 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,178 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.14.bn.weight [ 2020-08-04 11:35:41,179 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,179 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,180 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,182 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.7290039 0.78125 0.68603516 0.7446289 0.8183594 0.7246094 0.8876953 0.84814453 0.769531... [ 2020-08-04 11:35:41,184 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,184 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.14.bn.running_var [ 2020-08-04 11:35:41,184 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,185 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,186 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,189 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.03277588 0.02763367 0.05917358 0.04058838 0.0269928 0.05682373 0.08172607 0.02700806 0.02687... [ 2020-08-04 11:35:41,191 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,191 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.14.bn.running_mean [ 2020-08-04 11:35:41,192 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,193 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,194 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,196 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.07635498 -0.13232422 -0.0453186 -0.08428955 -0.03649902 0.18347168 0.03833008 -0.01228333... [ 2020-08-04 11:35:41,198 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,199 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.14.bn.bias [ 2020-08-04 11:35:41,200 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,200 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,201 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,203 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [ 0.15246582 -0.27807617 1.2421875 0.15112305 -0.41918945 0.5234375 0.9111328 -0.16137695 ... [ 2020-08-04 11:35:41,205 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,206 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv2.conv.weight [ 2020-08-04 11:35:41,207 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,209 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,210 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,216 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 3 3], value = [[[[-5.87844849e-03 6.25991821e-03 -9.34600830e-03] [-1.89208984e-02 -9.62829590e-03 -2.70652... [ 2020-08-04 11:35:41,217 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,219 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv2.bn.weight [ 2020-08-04 11:35:41,219 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,220 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,221 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,223 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.7866211 0.9863281 0.94091797 0.5366211 1.0839844 0.74658203 1.1933594 0.6894531 0.68847... [ 2020-08-04 11:35:41,225 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,227 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv2.bn.running_var [ 2020-08-04 11:35:41,228 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,230 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,231 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,233 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.12866211 0.13452148 0.09637451 0.08831787 0.08300781 0.4128418 0.16894531 0.13708496 0.215454... [ 2020-08-04 11:35:41,234 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,235 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv2.bn.running_mean [ 2020-08-04 11:35:41,235 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,236 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,237 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,240 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.19091797 -0.14428711 -0.0581665 0.0562439 -0.03921509 -0.37109375 -1.0517578 -0.234375 ... [ 2020-08-04 11:35:41,242 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,242 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv2.bn.bias [ 2020-08-04 11:35:41,243 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,243 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,244 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,247 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.06286621 -0.7236328 -0.7402344 0.7661133 -0.94628906 0.5175781 -0.62158203 0.20251465 ... [ 2020-08-04 11:35:41,249 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,250 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv1.conv.weight [ 2020-08-04 11:35:41,251 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,251 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,252 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,254 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[-0.03665161]] [[-0.03335571]] [[-0.03170776]] ... [[-0.06958008]] [[-0.0576171... [ 2020-08-04 11:35:41,255 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,255 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv1.bn.weight [ 2020-08-04 11:35:41,256 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,264 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,265 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,268 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.79052734 0.82958984 0.68603516 0.63378906 0.72509766 0.6611328 0.88916016 0.9667969 0.729492... [ 2020-08-04 11:35:41,269 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,270 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv1.bn.running_var [ 2020-08-04 11:35:41,271 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,272 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,274 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,282 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.04638672 0.02059937 0.03010559 0.03588867 0.03973389 0.03775024 0.02287292 0.04956055 0.05120... [ 2020-08-04 11:35:41,284 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,286 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv1.bn.running_mean [ 2020-08-04 11:35:41,287 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,288 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,289 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,294 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.09020996 -0.21228027 -0.18762207 -0.00554276 -0.04129028 -0.41210938 -0.08422852 -0.11895752... [ 2020-08-04 11:35:41,296 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,297 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv1.bn.bias [ 2020-08-04 11:35:41,298 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,299 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,300 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,306 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.22973633 -0.9638672 -0.08184814 0.06045532 -0.04928589 -0.24682617 -0.8305664 -0.87841797... [ 2020-08-04 11:35:41,307 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,309 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv4.conv.weight [ 2020-08-04 11:35:41,310 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,311 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,312 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,314 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 1 1], value = [[[[ 1.0217285e-01]] [[ 7.8811646e-03]] [[ 4.5623779e-03]] ... [[-2.4337769e-02]] ... [ 2020-08-04 11:35:41,315 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,318 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv4.bn.weight [ 2020-08-04 11:35:41,318 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,319 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,320 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,324 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.7973633 0.7421875 0.7319336 0.8339844 1.0039062 0.6176758 0.5527344 0.95214844 0.674316... [ 2020-08-04 11:35:41,325 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,325 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv4.bn.running_var [ 2020-08-04 11:35:41,326 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,328 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,331 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,334 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.05651855 0.08410645 0.0513916 0.15490723 0.06082153 0.07421875 0.10565186 0.05828857 0.05047... [ 2020-08-04 11:35:41,336 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,336 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv4.bn.running_mean [ 2020-08-04 11:35:41,337 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,338 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,340 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,345 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.39990234 -0.19702148 -0.23217773 -0.53271484 -0.37451172 -0.03405762 0.2121582 -0.31396484... [ 2020-08-04 11:35:41,346 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,347 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv4.bn.bias [ 2020-08-04 11:35:41,348 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,349 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,351 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,355 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-1.2138672 -0.17016602 -0.42358398 0.32006836 -1.0830078 0.26293945 -0.03105164 -1.5341797 ... [ 2020-08-04 11:35:41,356 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,356 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv3.weight [ 2020-08-04 11:35:41,358 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,360 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,361 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,363 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[-0.00161171]] [[ 0.0027771 ]] [[ 0.11450195]] ... [[ 0.02368164]] [[ 0.0023345... [ 2020-08-04 11:35:41,364 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,365 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv2.weight [ 2020-08-04 11:35:41,365 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,366 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,369 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,371 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 512 1 1], value = [[[[-0.01672363]] [[ 0.04568481]] [[ 0.01305389]] ... [[ 0.00162697]] [[-0.0048141... [ 2020-08-04 11:35:41,372 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,372 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv1.conv.weight [ 2020-08-04 11:35:41,373 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,373 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,374 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,376 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 512 1 1], value = [[[[-0.05197144]] [[-0.03161621]] [[ 0.0206604 ]] ... [[-0.02081299]] [[ 0.0260162... [ 2020-08-04 11:35:41,381 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,381 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv1.bn.weight [ 2020-08-04 11:35:41,382 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,382 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,383 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,385 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.85595703 0.59472656 0.6611328 1.0302734 1.0869141 0.92529297 0.9501953 0.92871094 0.70898... [ 2020-08-04 11:35:41,386 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,387 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv1.bn.running_var [ 2020-08-04 11:35:41,387 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,388 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,389 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,394 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.09881592 0.18688965 0.09100342 0.09759521 0.13452148 0.10467529 0.12963867 0.10028076 0.12841... [ 2020-08-04 11:35:41,395 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,395 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv1.bn.running_mean [ 2020-08-04 11:35:41,396 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,397 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,398 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,400 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.14685059 -0.2680664 -0.13806152 -0.19250488 -0.08209229 -0.17675781 -0.18945312 -0.00852966... [ 2020-08-04 11:35:41,402 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,404 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv1.bn.bias [ 2020-08-04 11:35:41,404 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,405 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,406 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,409 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-1.1865234e+00 1.9238281e+00 -1.8078613e-01 -1.8037109e+00 -7.1582031e-01 -1.1679688e+00 -1.07... [ 2020-08-04 11:35:41,410 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,412 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.bn.weight [ 2020-08-04 11:35:41,414 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,414 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,415 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,419 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.6513672 0.9863281 0.7885742 1.0117188 0.7783203 0.9379883 0.7036133 0.9272461 0.793945... [ 2020-08-04 11:35:41,420 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,421 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.bn.running_var [ 2020-08-04 11:35:41,423 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,424 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,425 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,429 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.02949524 0.03079224 0.03961182 0.05044556 0.05395508 0.06167603 0.02859497 0.06057739 0.04006... [ 2020-08-04 11:35:41,430 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,432 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.bn.running_mean [ 2020-08-04 11:35:41,432 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,434 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,435 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,438 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [ 0.07843018 -0.10314941 0.17199707 -0.02937317 -0.15515137 -0.22143555 -0.04086304 -0.04968262... [ 2020-08-04 11:35:41,439 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,441 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.bn.bias [ 2020-08-04 11:35:41,444 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,445 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,446 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,449 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-6.95800781e-01 -7.89062500e-01 2.53662109e-01 -2.80761719e-01 -3.47656250e-01 -3.78662109e-01... [ 2020-08-04 11:35:41,452 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,454 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.10.conv.weight [ 2020-08-04 11:35:41,454 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,455 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,456 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,458 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 512 1 1], value = [[[[ 0.00856018]] [[ 0.01030731]] [[-0.01037598]] ... [[-0.00252914]] [[-0.0169982... [ 2020-08-04 11:35:41,460 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,462 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.10.bn.weight [ 2020-08-04 11:35:41,463 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,464 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,465 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,469 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.7402344 0.8330078 1.0205078 0.90966797 0.7783203 0.80615234 0.73828125 0.91308594 0.94921... [ 2020-08-04 11:35:41,470 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,470 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.10.bn.running_var [ 2020-08-04 11:35:41,472 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,473 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,475 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,479 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.0413208 0.05456543 0.04760742 0.03152466 0.03924561 0.07653809 0.06878662 0.0581665 0.03604... [ 2020-08-04 11:35:41,481 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,482 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.10.bn.running_mean [ 2020-08-04 11:35:41,483 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,484 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,485 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,489 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-5.11474609e-02 -3.95202637e-02 1.77612305e-02 -2.78778076e-02 -1.18835449e-01 -6.65893555e-02... [ 2020-08-04 11:35:41,490 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,493 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.10.bn.bias [ 2020-08-04 11:35:41,495 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,495 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,496 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,500 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-1.76147461e-01 -3.16406250e-01 -1.01953125e+00 -1.00781250e+00 -1.07360840e-01 8.73413086e-02... [ 2020-08-04 11:35:41,503 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,503 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.1.conv.weight [ 2020-08-04 11:35:41,505 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,506 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,507 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,521 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 32 3 3], value = [[[[-5.16052246e-02 2.44750977e-02 9.57489014e-03] [-2.79388428e-02 1.71051025e-02 -1.67236... [ 2020-08-04 11:35:41,523 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,527 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.1.bn.weight [ 2020-08-04 11:35:41,528 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,529 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,530 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,532 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [1.4462891 1.5927734 1.4492188 1.3662109 1.0888672 1.2460938 1.2119141 1.4257812 1.4267578 1.377... [ 2020-08-04 11:35:41,535 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,536 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.1.bn.running_var [ 2020-08-04 11:35:41,537 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,538 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,539 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,541 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.7788086 0.6542969 0.6064453 0.34179688 0.36547852 0.4128418 0.52441406 0.6748047 0.480712... [ 2020-08-04 11:35:41,542 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,547 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.1.bn.running_mean [ 2020-08-04 11:35:41,548 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,549 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,550 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,552 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.27978516 -3.3964844 0.3540039 -0.2241211 0.46118164 -0.3659668 -0.9423828 0.81640625 ... [ 2020-08-04 11:35:41,553 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,554 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.1.bn.bias [ 2020-08-04 11:35:41,554 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,556 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,558 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,561 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.15100098 -0.88916016 0.8564453 -1.5009766 1.4560547 -0.12103271 -0.1616211 1.2158203 ... [ 2020-08-04 11:35:41,562 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,563 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.0.conv.conv.weight [ 2020-08-04 11:35:41,564 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,564 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,567 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,578 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32 12 3 3], value = [[[[ 0.00303841 -0.02339172 0.01325226] [-0.01190948 0.12420654 0.11230469] [ 0.02513123... [ 2020-08-04 11:35:41,580 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,580 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.0.conv.bn.weight [ 2020-08-04 11:35:41,581 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,582 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,583 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,585 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [1.1875 1.0058594 0.84228516 1.0380859 0.9526367 1.0947266 1.3623047 2.4667969 0.378417... [ 2020-08-04 11:35:41,588 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,589 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.0.conv.bn.running_var [ 2020-08-04 11:35:41,590 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,591 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,592 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,595 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [0.00649643 0.15039062 0.00821686 0.01834106 0.01940918 0.00955963 0.22802734 0.15368652 0.14709... [ 2020-08-04 11:35:41,597 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,599 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.0.conv.bn.running_mean [ 2020-08-04 11:35:41,600 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,600 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,601 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,602 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [-3.2768250e-03 6.7260742e-02 -1.8768311e-02 2.2048950e-03 -2.3975372e-03 2.4700165e-03 -9.35... [ 2020-08-04 11:35:41,604 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,604 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.0.conv.bn.bias [ 2020-08-04 11:35:41,605 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,607 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,608 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,610 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [-1.6230469 0.63134766 -0.3774414 1.3613281 1.0195312 -2.0429688 0.42260742 -2.7070312 ... [ 2020-08-04 11:35:41,612 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,612 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1334 [ 2020-08-04 11:35:41,613 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,613 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,614 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,615 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [85] [ 2020-08-04 11:35:41,615 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,616 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1333 [ 2020-08-04 11:35:41,618 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,619 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,621 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,622 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-04 11:35:41,622 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,623 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1332 [ 2020-08-04 11:35:41,623 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,624 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,625 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,625 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [2] [ 2020-08-04 11:35:41,626 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,628 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1331 [ 2020-08-04 11:35:41,629 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,631 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,632 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,633 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:41,633 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,634 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1330 [ 2020-08-04 11:35:41,634 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,635 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,636 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,636 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:41,637 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,639 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1329 [ 2020-08-04 11:35:41,640 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,641 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,642 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,643 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [85] [ 2020-08-04 11:35:41,644 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,644 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1328 [ 2020-08-04 11:35:41,644 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,645 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,646 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,646 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [3] [ 2020-08-04 11:35:41,647 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,649 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1327 [ 2020-08-04 11:35:41,649 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,651 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,653 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,653 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [85] [ 2020-08-04 11:35:41,653 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,654 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1326 [ 2020-08-04 11:35:41,654 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,655 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,656 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,657 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-04 11:35:41,658 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,661 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1325 [ 2020-08-04 11:35:41,661 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,662 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,662 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,663 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [2] [ 2020-08-04 11:35:41,664 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,664 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1324 [ 2020-08-04 11:35:41,665 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,665 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,666 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,667 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:41,667 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,668 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1323 [ 2020-08-04 11:35:41,669 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,671 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,672 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,674 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:41,674 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,675 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1322 [ 2020-08-04 11:35:41,676 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,676 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,677 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,678 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [85] [ 2020-08-04 11:35:41,678 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,679 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1321 [ 2020-08-04 11:35:41,680 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,682 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,682 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,684 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [3] [ 2020-08-04 11:35:41,685 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,685 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1320 [ 2020-08-04 11:35:41,686 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,686 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,688 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,688 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [85] [ 2020-08-04 11:35:41,689 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,689 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1319 [ 2020-08-04 11:35:41,690 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,692 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,694 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,695 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-04 11:35:41,695 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,696 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1318 [ 2020-08-04 11:35:41,696 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,697 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,698 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,699 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [2] [ 2020-08-04 11:35:41,699 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,700 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1317 [ 2020-08-04 11:35:41,700 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,703 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,704 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,705 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:41,706 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,707 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1316 [ 2020-08-04 11:35:41,707 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,708 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,709 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,710 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-04 11:35:41,710 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,711 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1315 [ 2020-08-04 11:35:41,713 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,713 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,716 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,716 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [85] [ 2020-08-04 11:35:41,717 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,717 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1314 [ 2020-08-04 11:35:41,718 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-04 11:35:41,719 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,719 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,720 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [3] [ 2020-08-04 11:35:41,721 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,721 ] [ DEBUG ] [ infer:130 ] Partial infer for 0 [ 2020-08-04 11:35:41,722 ] [ DEBUG ] [ infer:131 ] Op: Parameter [ 2020-08-04 11:35:41,724 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,726 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,727 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 1 640 640 3], value = [ 2020-08-04 11:35:41,728 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,729 ] [ DEBUG ] [ infer:130 ] Partial infer for Slice_2 [ 2020-08-04 11:35:41,729 ] [ DEBUG ] [ infer:131 ] Op: Slice [ 2020-08-04 11:35:41,730 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,731 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [ 1 640 640 3], value = [ 2020-08-04 11:35:41,732 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,733 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 1 640 639 3], value = [ 2020-08-04 11:35:41,734 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,736 ] [ DEBUG ] [ infer:130 ] Partial infer for Slice_3 [ 2020-08-04 11:35:41,738 ] [ DEBUG ] [ infer:131 ] Op: Slice [ 2020-08-04 11:35:41,738 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,739 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [ 1 640 639 3], value = [ 2020-08-04 11:35:41,740 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,741 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 1 640 639 2], value = [ 2020-08-04 11:35:41,742 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,743 ] [ DEBUG ] [ infer:130 ] Partial infer for Slice_1 [ 2020-08-04 11:35:41,743 ] [ DEBUG ] [ infer:131 ] Op: Slice [ 2020-08-04 11:35:41,744 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,746 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [ 1 640 640 3], value = [ 2020-08-04 11:35:41,748 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,748 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 1 640 640 2], value = [ 2020-08-04 11:35:41,749 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,749 ] [ DEBUG ] [ infer:130 ] Partial infer for Slice_0 [ 2020-08-04 11:35:41,750 ] [ DEBUG ] [ infer:131 ] Op: Slice [ 2020-08-04 11:35:41,750 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,751 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [ 1 640 640 3], value = [ 2020-08-04 11:35:41,752 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,753 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 1 640 639 3], value = [ 2020-08-04 11:35:41,754 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-04 11:35:41,754 ] [ DEBUG ] [ infer:130 ] Partial infer for Concat_4 [ 2020-08-04 11:35:41,755 ] [ DEBUG ] [ infer:131 ] Op: Concat [ 2020-08-04 11:35:41,757 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-04 11:35:41,758 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [ 1 640 640 3], value = [ 2020-08-04 11:35:41,760 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [ 1 640 639 3], value = [ 2020-08-04 11:35:41,760 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [ 1 640 640 2], value = [ 2020-08-04 11:35:41,761 ] [ DEBUG ] [ infer:32 ] input[3]: shape = [ 1 640 639 2], value = [ ERROR ] Concat input shapes do not match [ 2020-08-04 11:35:41,762 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-04 11:35:41,763 ] [ DEBUG ] [ infer:32 ] output[0]: shape = , value = [ ERROR ] Shape is not defined for output 0 of "Concat_4". [ ERROR ] Cannot infer shapes or values for node "Concat_4". [ ERROR ] Not all output shapes were inferred or fully defined for node "Concat_4". For more information please refer to Model Optimizer FAQ (https://docs.openvinotoolkit.org/latest/_docs_MO_DG_prepare_model_Model_Optimizer_FAQ.html), question #40. [ ERROR ] [ ERROR ] It can happen due to bug in custom shape infer function . [ ERROR ] Or because the node inputs have incorrect values/shapes. [ ERROR ] Or because input shapes are incorrect (embedded to the model or passed via --input_shape). [ 2020-08-04 11:35:41,774 ] [ DEBUG ] [ infer:197 ] Node "Concat_4" attributes: {'pb': input: "0" input: "371" input: "372" input: "374" output: "375" name: "Concat_4" op_type: "Concat" attribute { name: "axis" i: 1 type: INT } , 'kind': 'op', '_in_ports': {0: {'control_flow': False}, 1: {'control_flow': False}, 2: {'control_flow': False}, 3: {'control_flow': False}}, '_out_ports': {0: {'control_flow': False}}, 'name': 'Concat_4', 'op': 'Concat', 'type': 'Concat', 'axis': 1, 'infer': , 'IE': [('layer', [('id', . at 0x00000217E1BA2F28>), 'name', 'type', 'version'], [('data', ['auto_pad', 'epsilon', 'min', 'max', ('axis', . at 0x00000217E1BA21E0>), 'tiles', ('dim', . at 0x00000217E1BA2158>), 'num_axes', ('pool-method', 'pool_method'), 'group', ('rounding-type', 'rounding_type'), ('exclude-pad', 'exclude_pad'), 'operation', 'out-size', 'power', 'shift', 'alpha', 'beta', 'coords', 'classes', 'num', ('local-size', 'local_size'), 'region', 'knorm', 'bias', 'num_classes', 'keep_top_k', 'variance_encoded_in_target', 'code_type', 'share_location', 'nms_threshold', 'confidence_threshold', 'background_label_id', 'top_k', 'eta', 'visualize', 'visualize_threshold', 'save_file', 'output_directory', 'output_name_prefix', 'output_format', 'label_map_file', 'name_size_file', 'num_test_image', 'prob', 'resize_mode', 'height', 'width', 'height_scale', 'width_scale', 'pad_mode', 'pad_value', 'interp_mode', 'img_size', 'img_h', 'img_w', 'step', 'step_h', 'step_w', ('offset', . at 0x00000217E1B01D90>), 'variance', 'flip', 'clip', ('min_size', . at 0x00000217E1B01E18>), ('max_size', . at 0x00000217E1B01EA0>), ('aspect_ratio', . at 0x00000217E1B01F28>), 'decrease_label_id', 'normalized', 'scale_all_sizes', ('type', 'norm_type'), 'eps', 'eps_mode', 'across_spatial', 'channel_shared', 'negative_slope', 'engine', 'num_filter', ('type', 'sample_type'), ('order', . at 0x00000217E1BA6EA0>), 'pooled_h', 'pooled_w', 'spatial_scale', 'cls_threshold', 'max_num_proposals', 'iou_threshold', 'min_bbox_size', 'feat_stride', 'pre_nms_topn', 'post_nms_topn', ('type', . at 0x00000217E1C12048>), ('value', . at 0x00000217E1C120D0>), ('output', . at 0x00000217E1C12158>), ('input_nodes_names', . at 0x00000217E1C121E0>), ('output_tensors_names', . at 0x00000217E1C12268>), ('real_input_dims', . at 0x00000217E1C122F0>), ('protobuf', . at 0x00000217E1C12378>), {'custom_attributes': None}, ('strides', . at 0x00000217E1C12400>), ('kernel', . at 0x00000217E1C12488>), ('dilations', . at 0x00000217E1C12510>), ('pads_begin', . at 0x00000217E1C12598>), ('pads_end', . at 0x00000217E1C12620>), ('scale', . at 0x00000217E1C126A8>), 'crop_width', 'crop_height', 'write_augmented', 'max_multiplier', 'augment_during_test', 'recompute_mean', 'write_mean', 'mean_per_pixel', 'mode', 'bottomwidth', 'bottomheight', 'chromatic_eigvec', 'kernel_size', 'max_displacement', 'stride_1', 'stride_2', 'single_direction', 'do_abs', 'correlation_type', 'antialias', 'resample_type', 'factor', 'coeff', ('ratio', . at 0x00000217E1C12730>), 'size'], []), '@ports', '@consts'])], 'dim_attrs': ['axis', 'channel_dims', 'batch_dims', 'spatial_dims'], 'shape_attrs': ['output_shape', 'shape', 'pad', 'stride', 'window'], 'is_output_reachable': True, 'is_undead': False, 'is_const_producer': False, 'is_partial_inferred': False} [ ERROR ] Exception occurred during running replacer "REPLACEMENT_ID" (): Stopped shape/value propagation at "Concat_4" node. For more information please refer to Model Optimizer FAQ (https://docs.openvinotoolkit.org/latest/_docs_MO_DG_prepare_model_Model_Optimizer_FAQ.html), question #38. [ 2020-08-04 11:35:41,797 ] [ DEBUG ] [ main:322 ] Traceback (most recent call last): File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\middle\passes\infer.py", line 169, in partial_infer node_name) mo.utils.error.Error: Not all output shapes were inferred or fully defined for node "Concat_4". For more information please refer to Model Optimizer FAQ (https://docs.openvinotoolkit.org/latest/_docs_MO_DG_prepare_model_Model_Optimizer_FAQ.html), question #40. The above exception was the direct cause of the following exception: Traceback (most recent call last): File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 288, in apply_transform for_graph_and_each_sub_graph_recursively(graph, replacer.find_and_replace_pattern) File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\middle\pattern_match.py", line 58, in for_graph_and_each_sub_graph_recursively func(graph) File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\extensions\middle\PartialInfer.py", line 32, 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 199, in partial_infer refer_to_faq_msg(38)) from err mo.utils.error.Error: Stopped shape/value propagation at "Concat_4" 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 309, in main ret_code = driver(argv) File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\main.py", line 270, in driver ret_res = emit_ir(prepare_ir(argv), argv) File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\main.py", line 235, in prepare_ir graph = unified_pipeline(argv) File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\pipeline\unified.py", line 29, in unified_pipeline class_registration.ClassType.BACK_REPLACER File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 334, in apply_replacements apply_replacements_list(graph, replacers_order) File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 324, in apply_replacements_list num_transforms=len(replacers_order)) File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\utils\logger.py", line 124, in wrapper function(*args, **kwargs) File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 304, in apply_transform )) from err mo.utils.error.Error: Exception occurred during running replacer "REPLACEMENT_ID" (): Stopped shape/value propagation at "Concat_4" 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. (model_converter) C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer>python mo.py --input_model C:\Users\thanga2x\Documents\Face_mask_detection\convertor\yolov5s.onnx --input_shape [1,3,640,640] --output_dir C:\Users\thanga2x\Documents\Face_mask_detection\convertor\models\ --log_level=DEBUG [ 2020-08-03 10:05:53,293 ] [ DEBUG ] [ main:116 ] Namespace(batch=None, blobs_as_inputs=True, caffe_parser_path='mo\\front\\caffe\\proto', counts=None, data_type='float', disable_fusing=None, disable_gfusing=None, disable_nhwc_to_nchw=False, disable_omitting_optional=False, disable_resnet_optimization=False, disable_weights_compression=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='onnx', freeze_placeholder_with_value=None, generate_deprecated_IR_V2=False, generate_deprecated_IR_V7=False, generate_experimental_IR_V10=True, input=None, input_checkpoint=None, input_meta_graph=None, input_model='C:\\Users\\thanga2x\\Documents\\Face_mask_detection\\convertor\\yolov5s.onnx', input_model_is_text=False, input_proto=None, input_shape='[1,3,640,640]', input_symbol=None, k='extensions\\front\\caffe\\CustomLayersMapping.xml', keep_quantize_ops_in_IR=True, keep_shape_ops=False, legacy_mxnet_model=False, log_level='DEBUG', mean_file=None, mean_file_offsets=None, mean_values=(), model_name=None, move_to_preprocess=False, nd_prefix_name=None, output=None, output_dir='C:\\Users\\thanga2x\\Documents\\Face_mask_detection\\convertor\\models\\', pretrained_model_name=None, progress=False, remove_memory=False, remove_output_softmax=False, reverse_input_channels=False, save_params_from_nd=False, saved_model_dir=None, saved_model_tags=None, scale=None, scale_values=(), silent=False, stream_output=False, tensorboard_logdir=None, tensorflow_custom_layer_libraries=None, tensorflow_custom_operations_config_update=None, tensorflow_object_detection_api_pipeline_config=None, tensorflow_use_custom_operations_config=None, transformations_config=None) [ 2020-08-03 10:05:53,308 ] [ DEBUG ] [ main:117 ] Model Optimizer started [ 2020-08-03 10:05:53,308 ] [ DEBUG ] [ main:132 ] Output model name would be yolov5s{.xml, .bin} Model Optimizer arguments: Common parameters: - Path to the Input Model: C:\Users\thanga2x\Documents\Face_mask_detection\convertor\yolov5s.onnx - Path for generated IR: C:\Users\thanga2x\Documents\Face_mask_detection\convertor\models\ - IR output name: yolov5s - Log level: DEBUG - Batch: Not specified, inherited from the model - Input layers: Not specified, inherited from the model - Output layers: Not specified, inherited from the model - Input shapes: [1,3,640,640] - 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 ONNX specific parameters: Model Optimizer version: [ 2020-08-03 10:05:53,930 ] [ DEBUG ] [ main:210 ] Placeholder shapes : [ 1 3 640 640] [ INFO ] Importing extensions from: C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Parameter [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Const [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorIterator [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Cast [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Activation [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Assign [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Gather [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AttributedGather [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Broadcast [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AttributedClamp [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Clamp [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Concat [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ConstantOfShape [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Convolution [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Crop [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Deconvolution [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: DeformableConvolution [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Eltwise [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: EltwiseN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: EltwiseNin1 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExpandDims [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Fill [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Flatten [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FlattenONNX [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GroupNorm [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LRN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AttributedLRN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LstmNonLinearity [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Memory [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MemoryOffset [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Pad [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AttributedPad [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TFPad [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ONNXPad [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Permute [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Pooling [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AttributedPower [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReadValue [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Reshape [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Result [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ROIPooling [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ScaleShift [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ShapeOf [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Slice [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SoftMax [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SoftMaxONNX [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LogSoftmax [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LogSoftmaxONNX [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SpaceToBatch [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: BatchToSpace [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Squeeze [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: StridedSlice [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Tile [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AttributedTile [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Unsqueeze [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: UnknownOp [ INFO ] New subclass: [ INFO ] New subclass: [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped 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 registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: BlockLSTM [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: DetectionOutput [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Enter [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Exit [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: RNN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GRU [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GRUCell [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GatherNd [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GatherTree [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LSTM [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MatMul [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Gemm [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FullyConnected [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: NextIteration [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: RNNCell [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Reverse [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorArrayV3 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorArrayGatherV3 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorArrayReadV3 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorArrayScatterV3 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorArraySizeV3 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorArrayWriteV3 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorIteratorInput [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorIteratorOutput [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorIteratorCondition [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TensorIteratorBackEdge [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Accum [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LeakyReLU [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SoftPlus [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AdaptiveAvgPooling [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ArgMax [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Assert [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ATen [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Axpy [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Binarization [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: BN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: _contrib_box_nms [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Bucketize [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ConstantFill [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: copy [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Correlation [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: CTCGreedyDecoder [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: CumSum [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MXNetCumSum [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: DataAugmentation [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: DepthToSpace [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronDetectionOutput [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FakeQuantize [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Gelu [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GRN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: HardSigmoid [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Identity [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: IdentityN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: InstanceNormalization [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Interp [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Interpolate [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LSTMCell [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LSTMSequence [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Merge [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MVN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MXRepeat [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MXReshape [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MXSlice [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: NonMaxSuppression [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: NonZero [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Normalize [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: NormalizeL2 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: OneHot [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Pack [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: pnorm [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: PowerFile [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: PredictionHeatmap [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: PReLU [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: PriorBox [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: PriorBoxClustered [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronPriorGridGenerator [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Proposal [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronGenerateProposalsSingleImage [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: PSROIPooling [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Range [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Rank [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: RegionYolo [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReorgYolo [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Resample [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Resize [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReverseSequence [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ROIAlign [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronROIFeatureExtractor [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Select [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ShuffleChannels [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SimplerNMS [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Size [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: slice_like [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SpaceToDepth [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SparseFillEmptyRows [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SparseReshape [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SparseSegmentMean [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SparseSegmentSqrtN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SparseSegmentSum [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SparseToDense [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SpatialTransformer [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Splice [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: StopGradient [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SwapAxis [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Switch [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TopK [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronTopKROIs [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Transpose [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Unique [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Upsample [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AttributedGather [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Interpolate [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AttributedLRN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Log1p [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LogSoftmax [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Pack [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AttributedPower [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReduceL2 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FakeQuantWithMinMaxVars [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: EltwiseN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Rank [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ImageScaler [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: InstanceNormalization [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Reciprocal [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SoftPlus [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Softsign [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: UnknownOp [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SquaredDifference [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Pooling [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ArgMax [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Abs [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Acos [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Asin [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Atan [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Ceil [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Cos [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Cosh [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Elu [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Erf [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Exp [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Floor [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LeakyRelu [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Log [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Not [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Relu [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Sigmoid [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Sign [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Sin [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Sinh [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Tan [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Tanh [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Affine [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ArgMax [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ATen [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Cast [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Clip [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Const [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Constant [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ConstantFill [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ConstantOfShape [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Conv [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ConvTranspose [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Crop [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: CumSum [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: DeformableConv2D [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: DetectionOutput [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronDetectionOutput [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Dropout [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Add [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Sub [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Mul [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Div [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Sum [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Pow [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Neg [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Sqrt [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Scale [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Max [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Equal [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Less [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Greater [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: And [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Or [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Xor [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Expand [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Flatten [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Gather [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Gemm [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronGroupNorm [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GroupNorm [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GRU [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ImageScaler [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: InstanceNormalization [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LpNormalization [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LRN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LSTM [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MatMul [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MeanVarianceNormalization [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: NonMaxSuppression [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: NonZero [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Normalize [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: OneHot [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Pad [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Parameter [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AveragePool [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MaxPool [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GlobalAveragePool [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GlobalMaxPool [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: PriorBoxClustered [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: PriorBox [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronPriorGridGenerator [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronGenerateProposalsSingleImage [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FakeQuantize [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Range [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReduceL2 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReduceMax [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReduceMean [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReduceMin [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReduceProd [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReduceSum [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Resize [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReverseSequence [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: RNN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ROIAlign [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronROIFeatureExtractor [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Scatter [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ScatterElements [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Shape [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Slice [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Softmax [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LogSoftmax [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Softplus [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Split [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Squeeze [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TopK [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronTopKROIs [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Transpose [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Unsqueeze [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Upsample [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Where [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: HardSigmoid [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LogSoftmaxONNX [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SoftMaxONNX [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ONNXPad [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] New subclass: [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ArgMax [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Slice [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GroupNorm [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ 2020-08-03 10:05:58,095 ] [ DEBUG ] [ class_registration:48 ] All replacers has unique idxs. [ 2020-08-03 10:05:58,153 ] [ DEBUG ] [ class_registration:258 ] Replacers execution order: | id | enabled | class | 0 | True | | 1 | True | | 2 | True | | 3 | None | | 4 | None | | 5 | None | | 6 | None | | 7 | None | | 8 | None | | 9 | None | | 10 | None | | 11 | False | | 12 | True | | 13 | True | | 14 | True | | 15 | True | | 16 | True | | 17 | True | | 18 | True | | 19 | True | | 20 | None | | 21 | True | | 22 | True | | 23 | True | | 24 | True | | 25 | True | | 26 | True | | 27 | True | | 28 | True | | 29 | True | | 30 | True | | 31 | True | | 32 | True | | 33 | True | | 34 | True | | 35 | True | | 36 | True | | 37 | True | | 38 | True | | 39 | True | | 40 | True | | 41 | True | | 42 | True | | 43 | True | | 44 | True | | 45 | True | | 46 | None | | 47 | True | | 48 | None | | 49 | True | | 50 | True | | 51 | True | | 52 | True | | 53 | None | | 54 | True | | 55 | True | | 56 | True | | 57 | True | | 58 | True | | 59 | True | | 60 | True | | 61 | True | | 62 | True | | 63 | True | | 64 | True | | 65 | True | | 66 | True | | 67 | True | | 68 | True | | 69 | True | | 70 | True | | 71 | True | | 72 | True | | 73 | True | | 74 | True | | 75 | True | | 76 | True | | 77 | True | | 78 | True | | 79 | True | | 80 | True | | 81 | True | | 82 | True | | 83 | True | | 84 | True | | 85 | True | | 86 | True | | 87 | True | | 88 | True | | 89 | True | | 90 | True | | 91 | True | | 92 | True | | 93 | True | | 94 | True | | 95 | True | | 96 | True | | 97 | True | | 98 | True | | 99 | True | | 100 | True | | 101 | True | | 102 | True | | 103 | True | | 104 | True | | 105 | True | | 106 | True | | 107 | True | | 108 | True | | 109 | True | | 110 | True | | 111 | True | | 112 | True | | 113 | True | | 114 | True | | 115 | True | | 116 | True | | 117 | True | | 118 | True | | 119 | True | | 120 | True | | 121 | True | | 122 | True | | 123 | True | | 124 | True | | 125 | True | | 126 | True | | 127 | True | | 128 | True | | 129 | True | | 130 | True | | 131 | True | | 132 | True | | 133 | True | | 134 | True | | 135 | True | | 136 | True | | 137 | True | | 138 | True | | 139 | True | | 140 | True | | 141 | True | | 142 | True | | 143 | True | | 144 | True | | 145 | True | | 146 | True | | 147 | True | | 148 | False | | 149 | True | | 150 | True | | 151 | True | | 152 | True | | 153 | True | | 154 | None | | 155 | True | | 156 | True | | 157 | True | | 158 | True | | 159 | True | | 160 | True | | 161 | True | | 162 | False | | 163 | False | | 164 | True | | 165 | True | | 166 | True | | 167 | True | | 168 | True | | 169 | True | | 170 | True | | 171 | True | | 172 | True | | 173 | True | | 174 | True | | 175 | True | | 176 | True | | 177 | True | | 178 | True | | 179 | True | | 180 | True | | 181 | True | | 182 | True | | 183 | True | | 184 | True | | 185 | True | | 186 | True | | 187 | True | | 188 | True | | 189 | True | | 190 | True | | 191 | True | | 192 | True | | 193 | True | | 194 | True | | 195 | True | | 196 | True | | 197 | True | | 198 | True | | 199 | True | | 200 | True | | 201 | True | | 202 | True | | 203 | True | | 204 | True | | 205 | True | | 206 | True | | 207 | True | | 208 | True | | 209 | False | | 210 | False | | 211 | True | | 212 | True | | 213 | True | | 214 | True | | 215 | True | | 216 | True | | 217 | False | | 218 | True | | 219 | False | | 220 | False | | 221 | True | | 222 | True | | 223 | False | | 224 | True | | 225 | True | | 226 | True | | 227 | True | | 228 | True | | 229 | False | | 230 | True | | 231 | True | | 232 | True | | 233 | True | | 234 | False | | 235 | True | | 236 | False | | 237 | True | | 238 | True | | 239 | True | | 240 | True | | 241 | True | | 242 | True | | 243 | True | | 244 | True | | 245 | True | | 246 | True | | 247 | True | | 248 | True | | 249 | True | | 250 | True | | 251 | True | | 252 | False | | 253 | False | | 254 | True | | 255 | True | | 256 | True | | 257 | True | | 258 | True | | 259 | True | | 260 | True | | 261 | False | | 262 | True | | 263 | True | | 264 | True | | 265 | True | | 266 | False | | 267 | False | | 268 | True | | 269 | True | | 270 | True | | 271 | True | | 272 | True | | 273 | True | | 274 | True | | 275 | True | | 276 | True | | 277 | True | | 278 | False | | 279 | False | | 280 | True | | 281 | True | | 282 | True | | 283 | True | | 284 | True | | 285 | True | | 286 | True | | 287 | True | | 288 | True | | 289 | True | | 290 | True | | 291 | True | | 292 | True | | 293 | True | | 294 | True | | 295 | True | | 296 | True | | 297 | True | | 298 | True | | 299 | True | | 300 | True | | 301 | True | | 302 | True | | 303 | True | | 304 | True | | 305 | True | | 306 | True | | 307 | True | | 308 | True | | 309 | False | | 310 | False | | 311 | True | | 312 | True | | 313 | False | | 314 | True | | 315 | False | | 316 | False | [ 2020-08-03 10:05:58,185 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:05:58,403 ] [ DEBUG ] [ loader:42 ] Number of nodes in graph_def: 901 [ 2020-08-03 10:05:58,403 ] [ DEBUG ] [ loader:43 ] Number of all input ports (not true inputs) in graph_def: 1 [ 2020-08-03 10:05:58,419 ] [ DEBUG ] [ loader:44 ] Number of initializers in graph_def: 331 [ 2020-08-03 10:05:58,419 ] [ DEBUG ] [ loader:46 ] Number of real inputs in graph_def: -330 [ 2020-08-03 10:05:58,419 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Abs to extractors with custom extractor class . [ 2020-08-03 10:05:58,419 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Acos to extractors with custom extractor class . [ 2020-08-03 10:05:58,419 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Asin to extractors with custom extractor class . [ 2020-08-03 10:05:58,419 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Atan to extractors with custom extractor class . [ 2020-08-03 10:05:58,419 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Ceil to extractors with custom extractor class . [ 2020-08-03 10:05:58,419 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Cos to extractors with custom extractor class . [ 2020-08-03 10:05:58,419 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Cosh to extractors with custom extractor class . [ 2020-08-03 10:05:58,419 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Elu to extractors with custom extractor class . [ 2020-08-03 10:05:58,419 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Erf to extractors with custom extractor class . [ 2020-08-03 10:05:58,419 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Exp to extractors with custom extractor class . [ 2020-08-03 10:05:58,435 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Floor to extractors with custom extractor class . [ 2020-08-03 10:05:58,435 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry LeakyRelu to extractors with custom extractor class . [ 2020-08-03 10:05:58,435 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Log to extractors with custom extractor class . [ 2020-08-03 10:05:58,435 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Not to extractors with custom extractor class . [ 2020-08-03 10:05:58,435 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Relu to extractors with custom extractor class . [ 2020-08-03 10:05:58,435 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sigmoid to extractors with custom extractor class . [ 2020-08-03 10:05:58,435 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sign to extractors with custom extractor class . [ 2020-08-03 10:05:58,435 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sin to extractors with custom extractor class . [ 2020-08-03 10:05:58,435 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sinh to extractors with custom extractor class . [ 2020-08-03 10:05:58,435 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Tan to extractors with custom extractor class . [ 2020-08-03 10:05:58,450 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Tanh to extractors with custom extractor class . [ 2020-08-03 10:05:58,450 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Affine to extractors with custom extractor class . [ 2020-08-03 10:05:58,450 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ArgMax to extractors with custom extractor class . [ 2020-08-03 10:05:58,450 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ATen to extractors with custom extractor class . [ 2020-08-03 10:05:58,450 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Cast to extractors with custom extractor class . [ 2020-08-03 10:05:58,450 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Clip to extractors with custom extractor class . [ 2020-08-03 10:05:58,450 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Const to extractors with custom extractor class . [ 2020-08-03 10:05:58,450 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Constant to extractors with custom extractor class . [ 2020-08-03 10:05:58,450 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ConstantFill to extractors with custom extractor class . [ 2020-08-03 10:05:58,450 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ConstantOfShape to extractors with custom extractor class . [ 2020-08-03 10:05:58,466 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Conv to extractors with custom extractor class . [ 2020-08-03 10:05:58,466 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ConvTranspose to extractors with custom extractor class . [ 2020-08-03 10:05:58,466 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Crop to extractors with custom extractor class . [ 2020-08-03 10:05:58,466 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry CumSum to extractors with custom extractor class . [ 2020-08-03 10:05:58,466 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry DeformableConv2D to extractors with custom extractor class . [ 2020-08-03 10:05:58,466 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry DetectionOutput to extractors with custom extractor class . [ 2020-08-03 10:05:58,466 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ExperimentalDetectronDetectionOutput to extractors with custom extractor class . [ 2020-08-03 10:05:58,482 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Dropout to extractors with custom extractor class . [ 2020-08-03 10:05:58,482 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Add to extractors with custom extractor class . [ 2020-08-03 10:05:58,482 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sub to extractors with custom extractor class . [ 2020-08-03 10:05:58,482 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Mul to extractors with custom extractor class . [ 2020-08-03 10:05:58,482 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Div to extractors with custom extractor class . [ 2020-08-03 10:05:58,482 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sum to extractors with custom extractor class . [ 2020-08-03 10:05:58,482 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Pow to extractors with custom extractor class . [ 2020-08-03 10:05:58,482 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Neg to extractors with custom extractor class . [ 2020-08-03 10:05:58,482 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Sqrt to extractors with custom extractor class . [ 2020-08-03 10:05:58,497 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Scale to extractors with custom extractor class . [ 2020-08-03 10:05:58,497 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Max to extractors with custom extractor class . [ 2020-08-03 10:05:58,497 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Equal to extractors with custom extractor class . [ 2020-08-03 10:05:58,497 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Less to extractors with custom extractor class . [ 2020-08-03 10:05:58,497 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Greater to extractors with custom extractor class . [ 2020-08-03 10:05:58,497 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry And to extractors with custom extractor class . [ 2020-08-03 10:05:58,497 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Or to extractors with custom extractor class . [ 2020-08-03 10:05:58,497 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Xor to extractors with custom extractor class . [ 2020-08-03 10:05:58,497 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Expand to extractors with custom extractor class . [ 2020-08-03 10:05:58,497 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Flatten to extractors with custom extractor class . [ 2020-08-03 10:05:58,497 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Gather to extractors with custom extractor class . [ 2020-08-03 10:05:58,513 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Gemm to extractors with custom extractor class . [ 2020-08-03 10:05:58,513 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ExperimentalDetectronGroupNorm to extractors with custom extractor class . [ 2020-08-03 10:05:58,513 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry GroupNorm to extractors with custom extractor class . [ 2020-08-03 10:05:58,513 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry GRU to extractors with custom extractor class . [ 2020-08-03 10:05:58,513 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ImageScaler to extractors with custom extractor class . [ 2020-08-03 10:05:58,513 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry InstanceNormalization to extractors with custom extractor class . [ 2020-08-03 10:05:58,513 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry LpNormalization to extractors with custom extractor class . [ 2020-08-03 10:05:58,528 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry LRN to extractors with custom extractor class . [ 2020-08-03 10:05:58,528 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry LSTM to extractors with custom extractor class . [ 2020-08-03 10:05:58,528 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry MatMul to extractors with custom extractor class . [ 2020-08-03 10:05:58,528 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry MeanVarianceNormalization to extractors with custom extractor class . [ 2020-08-03 10:05:58,528 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry NonMaxSuppression to extractors with custom extractor class . [ 2020-08-03 10:05:58,528 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry NonZero to extractors with custom extractor class . [ 2020-08-03 10:05:58,528 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Normalize to extractors with custom extractor class . [ 2020-08-03 10:05:58,528 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry OneHot to extractors with custom extractor class . [ 2020-08-03 10:05:58,528 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Pad to extractors with custom extractor class . [ 2020-08-03 10:05:58,544 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Parameter to extractors with custom extractor class . [ 2020-08-03 10:05:58,544 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry AveragePool to extractors with custom extractor class . [ 2020-08-03 10:05:58,544 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry MaxPool to extractors with custom extractor class . [ 2020-08-03 10:05:58,544 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry GlobalAveragePool to extractors with custom extractor class . [ 2020-08-03 10:05:58,544 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry GlobalMaxPool to extractors with custom extractor class . [ 2020-08-03 10:05:58,544 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry PriorBoxClustered to extractors with custom extractor class . [ 2020-08-03 10:05:58,544 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry PriorBox to extractors with custom extractor class . [ 2020-08-03 10:05:58,544 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ExperimentalDetectronPriorGridGenerator to extractors with custom extractor class . [ 2020-08-03 10:05:58,560 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ExperimentalDetectronGenerateProposalsSingleImage to extractors with custom extractor class . [ 2020-08-03 10:05:58,560 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry FakeQuantize to extractors with custom extractor class . [ 2020-08-03 10:05:58,560 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Range to extractors with custom extractor class . [ 2020-08-03 10:05:58,560 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ReduceL2 to extractors with custom extractor class . [ 2020-08-03 10:05:58,560 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ReduceMax to extractors with custom extractor class . [ 2020-08-03 10:05:58,560 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ReduceMean to extractors with custom extractor class . [ 2020-08-03 10:05:58,560 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ReduceMin to extractors with custom extractor class . [ 2020-08-03 10:05:58,560 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ReduceProd to extractors with custom extractor class . [ 2020-08-03 10:05:58,560 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ReduceSum to extractors with custom extractor class . [ 2020-08-03 10:05:58,560 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Resize to extractors with custom extractor class . [ 2020-08-03 10:05:58,575 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ReverseSequence to extractors with custom extractor class . [ 2020-08-03 10:05:58,575 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry RNN to extractors with custom extractor class . [ 2020-08-03 10:05:58,575 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ROIAlign to extractors with custom extractor class . [ 2020-08-03 10:05:58,575 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ExperimentalDetectronROIFeatureExtractor to extractors with custom extractor class . [ 2020-08-03 10:05:58,575 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Scatter to extractors with custom extractor class . [ 2020-08-03 10:05:58,575 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ScatterElements to extractors with custom extractor class . [ 2020-08-03 10:05:58,591 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Shape to extractors with custom extractor class . [ 2020-08-03 10:05:58,591 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Slice to extractors with custom extractor class . [ 2020-08-03 10:05:58,591 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Softmax to extractors with custom extractor class . [ 2020-08-03 10:05:58,591 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry LogSoftmax to extractors with custom extractor class . [ 2020-08-03 10:05:58,591 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Softplus to extractors with custom extractor class . [ 2020-08-03 10:05:58,591 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Split to extractors with custom extractor class . [ 2020-08-03 10:05:58,591 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Squeeze to extractors with custom extractor class . [ 2020-08-03 10:05:58,591 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry TopK to extractors with custom extractor class . [ 2020-08-03 10:05:58,591 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry ExperimentalDetectronTopKROIs to extractors with custom extractor class . [ 2020-08-03 10:05:58,591 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Transpose to extractors with custom extractor class . [ 2020-08-03 10:05:58,591 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Unsqueeze to extractors with custom extractor class . [ 2020-08-03 10:05:58,607 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Upsample to extractors with custom extractor class . [ 2020-08-03 10:05:58,607 ] [ DEBUG ] [ register_custom_ops:74 ] Added a new entry Where to extractors with custom extractor class . [ 2020-08-03 10:05:58,607 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorIterator to extractors with custom op class . [ 2020-08-03 10:05:58,607 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Activation to extractors with custom op class . [ 2020-08-03 10:05:58,607 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Assign to extractors with custom op class . [ 2020-08-03 10:05:58,607 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry AttributedGather to extractors with custom op class . [ 2020-08-03 10:05:58,607 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Broadcast to extractors with custom op class . [ 2020-08-03 10:05:58,607 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry AttributedClamp to extractors with custom op class . [ 2020-08-03 10:05:58,623 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Clamp to extractors with custom op class . [ 2020-08-03 10:05:58,623 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Convolution to extractors with custom op class . [ 2020-08-03 10:05:58,623 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Deconvolution to extractors with custom op class . [ 2020-08-03 10:05:58,623 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry DeformableConvolution to extractors with custom op class . [ 2020-08-03 10:05:58,631 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Eltwise to extractors with custom op class . [ 2020-08-03 10:05:58,631 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry EltwiseN to extractors with custom op class . [ 2020-08-03 10:05:58,631 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry EltwiseNin1 to extractors with custom op class . [ 2020-08-03 10:05:58,631 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ExpandDims to extractors with custom op class . [ 2020-08-03 10:05:58,631 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Fill to extractors with custom op class . [ 2020-08-03 10:05:58,631 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry FlattenONNX to extractors with custom op class . [ 2020-08-03 10:05:58,631 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry AttributedLRN to extractors with custom op class . [ 2020-08-03 10:05:58,639 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry LstmNonLinearity to extractors with custom op class . [ 2020-08-03 10:05:58,639 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Memory to extractors with custom op class . [ 2020-08-03 10:05:58,639 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry MemoryOffset to extractors with custom op class . [ 2020-08-03 10:05:58,647 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry AttributedPad to extractors with custom op class . [ 2020-08-03 10:05:58,647 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TFPad to extractors with custom op class . [ 2020-08-03 10:05:58,647 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ONNXPad to extractors with custom op class . [ 2020-08-03 10:05:58,647 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Permute to extractors with custom op class . [ 2020-08-03 10:05:58,647 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Pooling to extractors with custom op class . [ 2020-08-03 10:05:58,655 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry AttributedPower to extractors with custom op class . [ 2020-08-03 10:05:58,656 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ReadValue to extractors with custom op class . [ 2020-08-03 10:05:58,656 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Result to extractors with custom op class . [ 2020-08-03 10:05:58,656 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ROIPooling to extractors with custom op class . [ 2020-08-03 10:05:58,656 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ScaleShift to extractors with custom op class . [ 2020-08-03 10:05:58,656 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ShapeOf to extractors with custom op class . [ 2020-08-03 10:05:58,656 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SoftMaxONNX to extractors with custom op class . [ 2020-08-03 10:05:58,656 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry LogSoftmaxONNX to extractors with custom op class . [ 2020-08-03 10:05:58,656 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SpaceToBatch to extractors with custom op class . [ 2020-08-03 10:05:58,656 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry BatchToSpace to extractors with custom op class . [ 2020-08-03 10:05:58,672 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry StridedSlice to extractors with custom op class . [ 2020-08-03 10:05:58,672 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Tile to extractors with custom op class . [ 2020-08-03 10:05:58,672 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry AttributedTile to extractors with custom op class . [ 2020-08-03 10:05:58,672 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry BlockLSTM to extractors with custom op class . [ 2020-08-03 10:05:58,672 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Enter to extractors with custom op class . [ 2020-08-03 10:05:58,672 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Exit to extractors with custom op class . [ 2020-08-03 10:05:58,672 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry GRUCell to extractors with custom op class . [ 2020-08-03 10:05:58,672 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry GatherNd to extractors with custom op class . [ 2020-08-03 10:05:58,672 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry GatherTree to extractors with custom op class . [ 2020-08-03 10:05:58,687 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry FullyConnected to extractors with custom op class . [ 2020-08-03 10:05:58,687 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry NextIteration to extractors with custom op class . [ 2020-08-03 10:05:58,687 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry RNNCell to extractors with custom op class . [ 2020-08-03 10:05:58,687 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Reverse to extractors with custom op class . [ 2020-08-03 10:05:58,687 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorArrayV3 to extractors with custom op class . [ 2020-08-03 10:05:58,687 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorArrayGatherV3 to extractors with custom op class . [ 2020-08-03 10:05:58,687 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorArrayReadV3 to extractors with custom op class . [ 2020-08-03 10:05:58,687 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorArrayScatterV3 to extractors with custom op class . [ 2020-08-03 10:05:58,687 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorArraySizeV3 to extractors with custom op class . [ 2020-08-03 10:05:58,687 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorArrayWriteV3 to extractors with custom op class . [ 2020-08-03 10:05:58,687 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorIteratorInput to extractors with custom op class . [ 2020-08-03 10:05:58,703 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorIteratorOutput to extractors with custom op class . [ 2020-08-03 10:05:58,703 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorIteratorCondition to extractors with custom op class . [ 2020-08-03 10:05:58,703 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry TensorIteratorBackEdge to extractors with custom op class . [ 2020-08-03 10:05:58,703 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Accum to extractors with custom op class . [ 2020-08-03 10:05:58,703 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry AdaptiveAvgPooling to extractors with custom op class . [ 2020-08-03 10:05:58,703 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Assert to extractors with custom op class . [ 2020-08-03 10:05:58,703 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Axpy to extractors with custom op class . [ 2020-08-03 10:05:58,703 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Binarization to extractors with custom op class . [ 2020-08-03 10:05:58,703 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry BN to extractors with custom op class . [ 2020-08-03 10:05:58,719 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry _contrib_box_nms to extractors with custom op class . [ 2020-08-03 10:05:58,719 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Bucketize to extractors with custom op class . [ 2020-08-03 10:05:58,719 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry copy to extractors with custom op class . [ 2020-08-03 10:05:58,719 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Correlation to extractors with custom op class . [ 2020-08-03 10:05:58,719 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry CTCGreedyDecoder to extractors with custom op class . [ 2020-08-03 10:05:58,719 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry MXNetCumSum to extractors with custom op class . [ 2020-08-03 10:05:58,719 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry DataAugmentation to extractors with custom op class . [ 2020-08-03 10:05:58,719 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry DepthToSpace to extractors with custom op class . [ 2020-08-03 10:05:58,719 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Gelu to extractors with custom op class . [ 2020-08-03 10:05:58,719 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry GRN to extractors with custom op class . [ 2020-08-03 10:05:58,719 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry HardSigmoid to extractors with custom op class . [ 2020-08-03 10:05:58,734 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry IdentityN to extractors with custom op class . [ 2020-08-03 10:05:58,734 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Interp to extractors with custom op class . [ 2020-08-03 10:05:58,734 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Interpolate to extractors with custom op class . [ 2020-08-03 10:05:58,734 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry LSTMCell to extractors with custom op class . [ 2020-08-03 10:05:58,734 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry LSTMSequence to extractors with custom op class . [ 2020-08-03 10:05:58,734 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Merge to extractors with custom op class . [ 2020-08-03 10:05:58,734 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry MVN to extractors with custom op class . [ 2020-08-03 10:05:58,750 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry MXRepeat to extractors with custom op class . [ 2020-08-03 10:05:58,750 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry MXReshape to extractors with custom op class . [ 2020-08-03 10:05:58,750 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry MXSlice to extractors with custom op class . [ 2020-08-03 10:05:58,750 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry NormalizeL2 to extractors with custom op class . [ 2020-08-03 10:05:58,750 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Pack to extractors with custom op class . [ 2020-08-03 10:05:58,750 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry pnorm to extractors with custom op class . [ 2020-08-03 10:05:58,750 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry PowerFile to extractors with custom op class . [ 2020-08-03 10:05:58,750 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry PredictionHeatmap to extractors with custom op class . [ 2020-08-03 10:05:58,750 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry PReLU to extractors with custom op class . [ 2020-08-03 10:05:58,750 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Proposal to extractors with custom op class . [ 2020-08-03 10:05:58,750 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry PSROIPooling to extractors with custom op class . [ 2020-08-03 10:05:58,750 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Rank to extractors with custom op class . [ 2020-08-03 10:05:58,750 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry RegionYolo to extractors with custom op class . [ 2020-08-03 10:05:58,750 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ReorgYolo to extractors with custom op class . [ 2020-08-03 10:05:58,750 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Resample to extractors with custom op class . [ 2020-08-03 10:05:58,766 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Select to extractors with custom op class . [ 2020-08-03 10:05:58,766 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry ShuffleChannels to extractors with custom op class . [ 2020-08-03 10:05:58,766 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SimplerNMS to extractors with custom op class . [ 2020-08-03 10:05:58,766 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Size to extractors with custom op class . [ 2020-08-03 10:05:58,766 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry slice_like to extractors with custom op class . [ 2020-08-03 10:05:58,766 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SpaceToDepth to extractors with custom op class . [ 2020-08-03 10:05:58,766 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SparseFillEmptyRows to extractors with custom op class . [ 2020-08-03 10:05:58,766 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SparseReshape to extractors with custom op class . [ 2020-08-03 10:05:58,766 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SparseSegmentMean to extractors with custom op class . [ 2020-08-03 10:05:58,766 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SparseSegmentSqrtN to extractors with custom op class . [ 2020-08-03 10:05:58,766 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SparseSegmentSum to extractors with custom op class . [ 2020-08-03 10:05:58,766 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SparseToDense to extractors with custom op class . [ 2020-08-03 10:05:58,766 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SpatialTransformer to extractors with custom op class . [ 2020-08-03 10:05:58,766 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Splice to extractors with custom op class . [ 2020-08-03 10:05:58,766 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry StopGradient to extractors with custom op class . [ 2020-08-03 10:05:58,766 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry SwapAxis to extractors with custom op class . [ 2020-08-03 10:05:58,766 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Switch to extractors with custom op class . [ 2020-08-03 10:05:58,781 ] [ DEBUG ] [ register_custom_ops:104 ] Added a new entry Unique to extractors with custom op class . [ 2020-08-03 10:05:58,859 ] [ DEBUG ] [ loader:59 ] Number of nodes in NX graph: 1233 [ 2020-08-03 10:05:59,326 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ INFO ] Skip replacer (graph_condition not satisfied) [ 2020-08-03 10:05:59,342 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ INFO ] Skip replacer (graph_condition not satisfied) [ INFO ] Skip replacer (graph_condition not satisfied) [ 2020-08-03 10:05:59,357 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ INFO ] Skip replacer (graph_condition not satisfied) [ 2020-08-03 10:05:59,420 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:05:59,451 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:05:59,467 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ INFO ] Skip replacer (enabled = False) [ 2020-08-03 10:05:59,498 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:05:59,529 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:05:59,592 ] [ DEBUG ] [ graph:1044 ] Sink: Concat_900/sink_port_0 for node Concat_900 [ 2020-08-03 10:05:59,592 ] [ DEBUG ] [ graph:1045 ] {'kind': 'op', 'op': 'Result', 'type': 'Result', 'version': 'opset1', 'infer': . at 0x000001BABF1572F0>, 'value': None, 'data_type': None, 'in_ports_count': 1, 'name': 'Concat_900/sink_port_0', 'dim_attrs': ['spatial_dims', 'batch_dims', 'axis', 'channel_dims'], 'shape_attrs': ['pad', 'shape', 'stride', 'window', 'output_shape'], 'IE': [('layer', [('id', . at 0x000001BABF17EF28>), 'name', 'type', 'version'], [('data', [], []), '@ports', '@consts'])], '_in_ports': {0: {}}, '_out_ports': {}} [ 2020-08-03 10:05:59,592 ] [ DEBUG ] [ graph:1046 ] Add edge from Concat_900 to Concat_900/sink_port_0 [ 2020-08-03 10:05:59,592 ] [ DEBUG ] [ eliminate:66 ] The following nodes are seeded as output reachable: Concat_900/sink_port_0 [ 2020-08-03 10:05:59,749 ] [ DEBUG ] [ eliminate:136 ] Removing the following dead nodes: [ 2020-08-03 10:05:59,780 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:05:59,796 ] [ DEBUG ] [ eliminate:66 ] The following nodes are seeded as output reachable: Concat_900/sink_port_0 [ 2020-08-03 10:05:59,999 ] [ DEBUG ] [ eliminate:136 ] Removing the following dead nodes: [ 2020-08-03 10:06:00,046 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:00,077 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:00,171 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:00,233 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:00,327 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:00,343 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'TFYOLOV3' doesn't exist [ INFO ] Failed to find custom replacement description with id 'TFYOLOV3' [ 2020-08-03 10:06:00,374 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:00,405 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:00,506 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:00,522 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:00,616 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ INFO ] Skip replacer (graph_condition not satisfied) [ 2020-08-03 10:06:00,671 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:00,702 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:00,787 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:00,875 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:00,907 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:01,627 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:01,884 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:01,947 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:02,056 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:02,119 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:02,187 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:02,265 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:02,312 ] [ DEBUG ] [ eliminate:66 ] The following nodes are seeded as output reachable: Concat_900/sink_port_0 [ 2020-08-03 10:06:02,422 ] [ DEBUG ] [ eliminate:136 ] Removing the following dead nodes: [ 2020-08-03 10:06:02,453 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:02,469 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:02,547 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:02,720 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:02,735 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:02,813 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:02,829 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:02,907 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'ONNXPersonDetectionCrossroadReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ONNXPersonDetectionCrossroadReplacement' [ 2020-08-03 10:06:02,923 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:03,001 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'ONNXMaskRCNNReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ONNXMaskRCNNReplacement' [ 2020-08-03 10:06:03,032 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:03,095 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:03,126 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:03,141 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:03,220 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'TFYOLO' doesn't exist [ INFO ] Failed to find custom replacement description with id 'TFYOLO' [ 2020-08-03 10:06:03,235 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:03,376 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ INFO ] Skip replacer (graph_condition not satisfied) [ 2020-08-03 10:06:03,438 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:03,532 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:03,610 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:03,697 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:03,783 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:03,814 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:03,908 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ INFO ] Enabled GeLU Merger for approximation with TanH [ 2020-08-03 10:06:03,986 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ INFO ] Enabled GeLU Merger replacement for approximation with Erf [ 2020-08-03 10:06:04,064 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:04,127 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:04,221 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:04,346 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:04,439 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:04,517 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:04,533 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:04,642 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:04,714 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:04,737 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ INFO ] Skip replacer (graph_condition not satisfied) [ 2020-08-03 10:06:04,815 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:04,940 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:04,956 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:05,034 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:05,231 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:05,253 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:05,304 ] [ DEBUG ] [ eliminate:66 ] The following nodes are seeded as output reachable: Concat_900/sink_port_0 [ 2020-08-03 10:06:05,465 ] [ DEBUG ] [ eliminate:136 ] Removing the following dead nodes: ConstantOfShape_286 ConstantOfShape_292 ConstantOfShape_335 ConstantOfShape_347 ConstantOfShape_356 ConstantOfShape_365 ConstantOfShape_374 ConstantOfShape_383 ConstantOfShape_412 ConstantOfShape_424 ConstantOfShape_433 ConstantOfShape_442 ConstantOfShape_451 ConstantOfShape_460 ConstantOfShape_496 ConstantOfShape_502 ConstantOfShape_545 ConstantOfShape_557 ConstantOfShape_566 ConstantOfShape_575 ConstantOfShape_584 ConstantOfShape_593 ConstantOfShape_622 ConstantOfShape_634 ConstantOfShape_643 ConstantOfShape_652 ConstantOfShape_661 ConstantOfShape_670 ConstantOfShape_706 ConstantOfShape_712 ConstantOfShape_755 ConstantOfShape_767 ConstantOfShape_776 ConstantOfShape_785 ConstantOfShape_794 ConstantOfShape_803 ConstantOfShape_832 ConstantOfShape_844 ConstantOfShape_853 ConstantOfShape_862 ConstantOfShape_871 ConstantOfShape_880 Unsqueeze_148 Unsqueeze_149 Unsqueeze_196 Unsqueeze_197 Unsqueeze_279 Unsqueeze_280 Unsqueeze_281 Unsqueeze_285 Unsqueeze_291 Unsqueeze_312 Unsqueeze_313 Unsqueeze_315 Unsqueeze_316 Unsqueeze_346 Unsqueeze_355 Unsqueeze_364 Unsqueeze_373 Unsqueeze_382 Unsqueeze_423 Unsqueeze_432 Unsqueeze_441 Unsqueeze_450 Unsqueeze_459 Unsqueeze_477 Unsqueeze_489 Unsqueeze_490 Unsqueeze_491 Unsqueeze_495 Unsqueeze_501 Unsqueeze_522 Unsqueeze_523 Unsqueeze_525 Unsqueeze_526 Unsqueeze_556 Unsqueeze_565 Unsqueeze_574 Unsqueeze_583 Unsqueeze_592 Unsqueeze_633 Unsqueeze_642 Unsqueeze_651 Unsqueeze_660 Unsqueeze_669 Unsqueeze_687 Unsqueeze_699 Unsqueeze_700 Unsqueeze_701 Unsqueeze_705 Unsqueeze_711 Unsqueeze_732 Unsqueeze_733 Unsqueeze_735 Unsqueeze_736 Unsqueeze_766 Unsqueeze_775 Unsqueeze_784 Unsqueeze_793 Unsqueeze_802 Unsqueeze_843 Unsqueeze_852 Unsqueeze_861 Unsqueeze_870 Unsqueeze_879 Unsqueeze_897 [ INFO ] Skip replacer (graph_condition not satisfied) [ 2020-08-03 10:06:05,499 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:05,515 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:05,546 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:05,784 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:05,800 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:05,831 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:05,909 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:05,940 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:06,143 ] [ DEBUG ] [ eliminate:66 ] The following nodes are seeded as output reachable: Concat_900/sink_port_0 [ 2020-08-03 10:06:06,441 ] [ DEBUG ] [ eliminate:136 ] Removing the following dead nodes: Gather_134 Gather_142 Gather_182 Gather_190 Gather_272 Gather_275 Gather_278 Gather_345 Gather_354 Gather_363 Gather_372 Gather_381 Gather_406 Gather_422 Gather_431 Gather_440 Gather_449 Gather_458 Gather_482 Gather_485 Gather_488 Gather_555 Gather_564 Gather_573 Gather_582 Gather_591 Gather_616 Gather_632 Gather_641 Gather_650 Gather_659 Gather_668 Gather_692 Gather_695 Gather_698 Gather_765 Gather_774 Gather_783 Gather_792 Gather_801 Gather_826 Gather_842 Gather_851 Gather_860 Gather_869 Gather_878 [ 2020-08-03 10:06:06,566 ] [ DEBUG ] [ class_registration:282 ] Run replacer [ 2020-08-03 10:06:06,598 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,598 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_659/axis [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_482/axis [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_826/axis [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_134/axis [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,613 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_142/axis [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_555/axis [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_381/axis [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_372/axis [ 2020-08-03 10:06:06,629 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_431/axis [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_275/axis [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_458/axis [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,644 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,660 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,660 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_783/axis [ 2020-08-03 10:06:06,660 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,660 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,660 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,660 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,660 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,660 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_354/axis [ 2020-08-03 10:06:06,660 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,660 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,660 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,660 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,660 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,660 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_801/axis [ 2020-08-03 10:06:06,660 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,660 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,660 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,660 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_878/axis [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_573/axis [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_792/axis [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_440/axis [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,676 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_449/axis [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_869/axis [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_591/axis [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,691 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_692/axis [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_406/axis [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_765/axis [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_641/axis [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,707 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,723 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,723 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,723 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,723 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_695/axis [ 2020-08-03 10:06:06,723 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,723 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,723 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,723 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,723 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,723 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_774/axis [ 2020-08-03 10:06:06,723 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,731 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,731 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,731 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,731 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,731 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_616/axis [ 2020-08-03 10:06:06,731 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,731 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,731 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,731 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,731 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,731 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_182/axis [ 2020-08-03 10:06:06,739 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,739 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,739 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,739 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,739 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,739 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_488/axis [ 2020-08-03 10:06:06,739 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,739 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,739 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,739 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,747 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,747 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_278/axis [ 2020-08-03 10:06:06,747 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,747 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,747 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,747 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,747 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,747 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_650/axis [ 2020-08-03 10:06:06,747 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,747 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_842/axis [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_860/axis [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_190/axis [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_345/axis [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,755 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_851/axis [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_668/axis [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_485/axis [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,770 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,786 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,786 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_582/axis [ 2020-08-03 10:06:06,786 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,786 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,786 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,786 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,786 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,786 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_272/axis [ 2020-08-03 10:06:06,786 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,794 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_632/axis [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_363/axis [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_698/axis [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_564/axis [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,796 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,811 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,811 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,811 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_422/axis [ 2020-08-03 10:06:06,811 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,811 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,811 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,811 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:06,811 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,811 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_880/Broadcast/FillValue [ 2020-08-03 10:06:06,811 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,811 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,811 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,811 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,811 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,811 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_871/Broadcast/FillValue [ 2020-08-03 10:06:06,811 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,811 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,811 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_862/Broadcast/FillValue [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_853/Broadcast/FillValue [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_844/Broadcast/FillValue [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,827 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_832/Broadcast/FillValue [ 2020-08-03 10:06:06,843 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,843 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,843 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,843 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,843 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,843 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_803/Broadcast/FillValue [ 2020-08-03 10:06:06,843 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,843 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,843 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,843 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,843 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,843 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_794/Broadcast/FillValue [ 2020-08-03 10:06:06,843 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,843 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,843 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,843 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,843 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,843 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_785/Broadcast/FillValue [ 2020-08-03 10:06:06,843 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_776/Broadcast/FillValue [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_767/Broadcast/FillValue [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_755/Broadcast/FillValue [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,858 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_712/Broadcast/FillValue [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_706/Broadcast/FillValue [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_670/Broadcast/FillValue [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,874 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_661/Broadcast/FillValue [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_652/Broadcast/FillValue [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_643/Broadcast/FillValue [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_634/Broadcast/FillValue [ 2020-08-03 10:06:06,889 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_622/Broadcast/FillValue [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_593/Broadcast/FillValue [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_584/Broadcast/FillValue [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,905 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_575/Broadcast/FillValue [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_566/Broadcast/FillValue [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_557/Broadcast/FillValue [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,921 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_545/Broadcast/FillValue [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_502/Broadcast/FillValue [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_496/Broadcast/FillValue [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_460/Broadcast/FillValue [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,936 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,952 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,952 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,952 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,952 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_451/Broadcast/FillValue [ 2020-08-03 10:06:06,952 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,952 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,952 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,952 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,952 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,952 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_442/Broadcast/FillValue [ 2020-08-03 10:06:06,952 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,952 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,952 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,952 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,952 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,952 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_433/Broadcast/FillValue [ 2020-08-03 10:06:06,952 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,952 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,952 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_424/Broadcast/FillValue [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_412/Broadcast/FillValue [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_383/Broadcast/FillValue [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,968 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_374/Broadcast/FillValue [ 2020-08-03 10:06:06,983 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,983 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,983 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,983 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,983 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,983 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_365/Broadcast/FillValue [ 2020-08-03 10:06:06,983 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,983 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,983 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,983 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,983 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,983 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_356/Broadcast/FillValue [ 2020-08-03 10:06:06,983 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,983 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,983 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,983 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,983 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,983 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_347/Broadcast/FillValue [ 2020-08-03 10:06:06,983 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,999 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,999 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,999 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,999 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,999 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_335/Broadcast/FillValue [ 2020-08-03 10:06:06,999 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,999 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,999 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,999 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,999 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,999 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_292/Broadcast/FillValue [ 2020-08-03 10:06:06,999 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,999 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:06,999 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:06,999 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:06,999 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:06,999 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_286/Broadcast/FillValue [ 2020-08-03 10:06:06,999 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:06,999 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,014 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,014 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,014 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,014 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_897/Dims [ 2020-08-03 10:06:07,014 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,014 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,014 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,014 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,014 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,014 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_879/Dims [ 2020-08-03 10:06:07,014 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,014 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,014 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,014 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,014 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,014 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_870/Dims [ 2020-08-03 10:06:07,014 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,014 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,014 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_861/Dims [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_852/Dims [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_843/Dims [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,030 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_802/Dims [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_793/Dims [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_784/Dims [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_775/Dims [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,046 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_766/Dims [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_736/Dims [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_735/Dims [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,061 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_733/Dims [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [2] [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_732/Dims [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [2] [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_711/Dims [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_705/Dims [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,077 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,092 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,092 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,092 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,092 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_701/Dims [ 2020-08-03 10:06:07,092 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,092 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,092 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,092 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,092 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,092 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_700/Dims [ 2020-08-03 10:06:07,092 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,092 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,092 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,092 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,092 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,092 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_699/Dims [ 2020-08-03 10:06:07,092 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,092 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,092 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_687/Dims [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_669/Dims [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_660/Dims [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,108 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_651/Dims [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_642/Dims [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_633/Dims [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_592/Dims [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,124 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_583/Dims [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_574/Dims [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_565/Dims [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,139 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_556/Dims [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_526/Dims [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_525/Dims [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_523/Dims [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,155 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,171 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [2] [ 2020-08-03 10:06:07,171 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,171 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_522/Dims [ 2020-08-03 10:06:07,171 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,171 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,171 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,171 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [2] [ 2020-08-03 10:06:07,171 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,171 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_501/Dims [ 2020-08-03 10:06:07,171 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,171 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,171 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,171 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,171 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,171 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_495/Dims [ 2020-08-03 10:06:07,171 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,171 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,171 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_491/Dims [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_490/Dims [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_489/Dims [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,186 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_477/Dims [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_459/Dims [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_450/Dims [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_441/Dims [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,202 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,217 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,217 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,217 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,217 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_432/Dims [ 2020-08-03 10:06:07,217 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,217 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,217 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,217 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,217 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,217 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_423/Dims [ 2020-08-03 10:06:07,217 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,217 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,217 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,217 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,217 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,217 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_382/Dims [ 2020-08-03 10:06:07,217 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,217 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,233 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,234 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,234 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,234 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_373/Dims [ 2020-08-03 10:06:07,234 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,234 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,234 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,234 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,234 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,242 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_364/Dims [ 2020-08-03 10:06:07,242 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,242 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,242 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,242 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,242 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,242 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_355/Dims [ 2020-08-03 10:06:07,242 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,242 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,242 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,242 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,242 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,242 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_346/Dims [ 2020-08-03 10:06:07,250 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,250 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,250 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_316/Dims [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_315/Dims [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_313/Dims [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [2] [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_312/Dims [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,254 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,270 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,270 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [2] [ 2020-08-03 10:06:07,270 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,270 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_291/Dims [ 2020-08-03 10:06:07,270 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,270 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,270 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,270 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,270 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,270 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_285/Dims [ 2020-08-03 10:06:07,270 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,270 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,270 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,270 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,270 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,270 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_281/Dims [ 2020-08-03 10:06:07,270 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,270 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,270 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,285 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,285 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,285 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_280/Dims [ 2020-08-03 10:06:07,285 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,285 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,285 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,285 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,285 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,285 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_279/Dims [ 2020-08-03 10:06:07,285 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,285 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,285 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,285 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,285 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,285 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_197/Dims [ 2020-08-03 10:06:07,285 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,285 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,285 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,285 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_196/Dims [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_149/Dims [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:130 ] Partial infer for Unsqueeze_148/Dims [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [0] [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_883/Dims [ 2020-08-03 10:06:07,301 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_874/Dims [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_865/Dims [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_856/Dims [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,317 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_847/Dims [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_806/Dims [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_797/Dims [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,332 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_788/Dims [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_779/Dims [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_770/Dims [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_715/Dims [ 2020-08-03 10:06:07,348 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_709/Dims [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_673/Dims [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_664/Dims [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,364 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_655/Dims [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_646/Dims [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_637/Dims [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_596/Dims [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,379 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,395 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,395 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,395 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,395 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_587/Dims [ 2020-08-03 10:06:07,395 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,395 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,395 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,395 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,395 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,395 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_578/Dims [ 2020-08-03 10:06:07,395 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_569/Dims [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_560/Dims [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_505/Dims [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,410 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_499/Dims [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_463/Dims [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_454/Dims [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_445/Dims [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,426 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_436/Dims [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_427/Dims [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_386/Dims [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_377/Dims [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,442 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,457 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,457 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,457 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,457 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_368/Dims [ 2020-08-03 10:06:07,457 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,457 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,457 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,457 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,457 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,457 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_359/Dims [ 2020-08-03 10:06:07,457 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,457 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,457 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,457 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,457 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,457 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_350/Dims [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_295/Dims [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:130 ] Partial infer for Squeeze_289/Dims [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:130 ] Partial infer for 1273 [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,473 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:130 ] Partial infer for 1272 [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:130 ] Partial infer for 1271 [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [0 1 3 4 2] [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:130 ] Partial infer for 1270 [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:130 ] Partial infer for 1269 [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,489 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:130 ] Partial infer for 1268 [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:130 ] Partial infer for 1267 [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:130 ] Partial infer for 1266 [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:130 ] Partial infer for 1265 [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,504 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,520 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,520 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,520 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,520 ] [ DEBUG ] [ infer:130 ] Partial infer for 1264 [ 2020-08-03 10:06:07,520 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,520 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,520 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,520 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,520 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,520 ] [ DEBUG ] [ infer:130 ] Partial infer for 1263 [ 2020-08-03 10:06:07,520 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,520 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,520 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,520 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,520 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,520 ] [ DEBUG ] [ infer:130 ] Partial infer for 1262 [ 2020-08-03 10:06:07,520 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,520 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,520 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:130 ] Partial infer for 1261 [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:130 ] Partial infer for 1260 [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:130 ] Partial infer for 1259 [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:130 ] Partial infer for 1258 [ 2020-08-03 10:06:07,535 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [0 1 3 4 2] [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:130 ] Partial infer for 1257 [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:130 ] Partial infer for 1256 [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:130 ] Partial infer for 1255 [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,551 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [0 1 3 4 2] [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:130 ] Partial infer for 1254 [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:130 ] Partial infer for 1253 [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:130 ] Partial infer for 1252 [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:130 ] Partial infer for 1251 [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,567 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:130 ] Partial infer for 1250 [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:130 ] Partial infer for 1249 [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:130 ] Partial infer for 1248 [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,582 ] [ DEBUG ] [ infer:130 ] Partial infer for 1247 [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:130 ] Partial infer for 1246 [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:130 ] Partial infer for 1245 [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:130 ] Partial infer for 1244 [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,598 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:130 ] Partial infer for 1243 [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:130 ] Partial infer for 1242 [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:130 ] Partial infer for 1241 [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:130 ] Partial infer for 1240 [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,613 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:130 ] Partial infer for 1239 [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:130 ] Partial infer for 1238 [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:130 ] Partial infer for 1237 [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,629 ] [ DEBUG ] [ infer:130 ] Partial infer for 1236 [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:130 ] Partial infer for 1235 [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1 0] [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_894 [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_892 [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,645 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [-1 1] [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_890 [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [3], value = [-1 1 1] [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_888 [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [-1 1 1 1] [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_886 [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 1 1 1 1] [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_877 [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,660 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 4 [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_868 [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_859 [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_850 [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 1 [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_841 [ 2020-08-03 10:06:07,676 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_839 [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_835 [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_833 [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = -1 [ 2020-08-03 10:06:07,692 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_830 [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:130 ] Partial infer for Shape_831 [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:131 ] Op: ShapeOf [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [5] [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_832/Broadcast [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:131 ] Op: Broadcast [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [1], value = [5] [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,707 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:130 ] Partial infer for Mul_834 [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:131 ] Op: Mul [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [], value = -1 [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:130 ] Partial infer for Equal_836 [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:131 ] Op: Equal [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [False False False False False] [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:130 ] Partial infer for Where_837 [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:131 ] Op: Select [ 2020-08-03 10:06:07,723 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,738 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [False False False False False] [ 2020-08-03 10:06:07,739 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [1 1 1 1 1] [ 2020-08-03 10:06:07,739 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-03 10:06:07,739 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,739 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-03 10:06:07,739 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,739 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_828 [ 2020-08-03 10:06:07,747 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,747 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,747 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,747 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [ 3 60 80 2] [ 2020-08-03 10:06:07,747 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,747 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_825 [ 2020-08-03 10:06:07,747 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,747 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,747 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,747 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-03 10:06:07,747 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,747 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_823 [ 2020-08-03 10:06:07,747 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,755 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,755 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,755 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-03 10:06:07,755 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,755 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_821 [ 2020-08-03 10:06:07,755 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,755 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,755 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,755 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-03 10:06:07,763 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,763 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_817 [ 2020-08-03 10:06:07,763 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,763 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,763 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,763 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-03 10:06:07,763 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,763 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_815 [ 2020-08-03 10:06:07,763 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,763 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,763 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [-1 1] [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_813 [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [3], value = [-1 1 1] [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_811 [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [-1 1 1 1] [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_809 [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 1 1 1 1] [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_800 [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 4 [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_791 [ 2020-08-03 10:06:07,771 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_782 [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_773 [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 1 [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_764 [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:07,786 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_762 [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_758 [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_756 [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = -1 [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_753 [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,802 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:130 ] Partial infer for Shape_754 [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:131 ] Op: ShapeOf [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [5] [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_755/Broadcast [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:131 ] Op: Broadcast [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [1], value = [5] [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:130 ] Partial infer for Mul_757 [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:131 ] Op: Mul [ 2020-08-03 10:06:07,818 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [], value = -1 [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:130 ] Partial infer for Equal_759 [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:131 ] Op: Equal [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [False False False False False] [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:130 ] Partial infer for Where_760 [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:131 ] Op: Select [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [False False False False False] [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [1 1 1 1 1] [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-03 10:06:07,833 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 60 80 2] [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_751 [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [ 3 60 80 2] [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_749 [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 8.0 [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_745 [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0.5 [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,849 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_743 [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_728 [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_724 [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_719 [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,864 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_717 [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_697 [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_694 [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_691 [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,880 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,896 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:07,896 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,896 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_684 [ 2020-08-03 10:06:07,896 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,896 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,896 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,896 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-03 10:06:07,896 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,896 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_682 [ 2020-08-03 10:06:07,896 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,896 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,896 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,896 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [-1 1] [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_680 [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [3], value = [-1 1 1] [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_678 [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [-1 1 1 1] [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_676 [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 1 1 1 1] [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_667 [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,911 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 4 [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_658 [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_649 [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_640 [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 1 [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_631 [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,927 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_629 [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_625 [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_623 [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = -1 [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_620 [ 2020-08-03 10:06:07,943 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,958 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,958 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,958 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-03 10:06:07,958 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,958 ] [ DEBUG ] [ infer:130 ] Partial infer for Shape_621 [ 2020-08-03 10:06:07,958 ] [ DEBUG ] [ infer:131 ] Op: ShapeOf [ 2020-08-03 10:06:07,958 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,958 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-03 10:06:07,958 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,958 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [5] [ 2020-08-03 10:06:07,958 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,958 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_622/Broadcast [ 2020-08-03 10:06:07,958 ] [ DEBUG ] [ infer:131 ] Op: Broadcast [ 2020-08-03 10:06:07,958 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,958 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [1], value = [1] [ 2020-08-03 10:06:07,958 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [1], value = [5] [ 2020-08-03 10:06:07,958 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:130 ] Partial infer for Mul_624 [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:131 ] Op: Mul [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [], value = -1 [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:130 ] Partial infer for Equal_626 [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:131 ] Op: Equal [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [False False False False False] [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:130 ] Partial infer for Where_627 [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:131 ] Op: Select [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [False False False False False] [ 2020-08-03 10:06:07,974 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [1 1 1 1 1] [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_618 [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [ 3 30 40 2] [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_615 [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 1 [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_613 [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:07,989 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_611 [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_607 [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_605 [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [-1 1] [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_603 [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,005 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [3], value = [-1 1 1] [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_601 [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [-1 1 1 1] [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_599 [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 1 1 1 1] [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_590 [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 4 [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_581 [ 2020-08-03 10:06:08,021 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_572 [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_563 [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 1 [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_554 [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,036 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_552 [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_548 [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_546 [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = -1 [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_543 [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,052 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:130 ] Partial infer for Shape_544 [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:131 ] Op: ShapeOf [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [5] [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_545/Broadcast [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:131 ] Op: Broadcast [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [1], value = [1] [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [1], value = [5] [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:130 ] Partial infer for Mul_547 [ 2020-08-03 10:06:08,068 ] [ DEBUG ] [ infer:131 ] Op: Mul [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [], value = -1 [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:130 ] Partial infer for Equal_549 [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:131 ] Op: Equal [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [False False False False False] [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:130 ] Partial infer for Where_550 [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:131 ] Op: Select [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [False False False False False] [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [1 1 1 1 1] [ 2020-08-03 10:06:08,083 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 30 40 2] [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_541 [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [ 3 30 40 2] [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_539 [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 16.0 [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_535 [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0.5 [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_533 [ 2020-08-03 10:06:08,099 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_518 [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_514 [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_509 [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-03 10:06:08,114 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_507 [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_487 [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_484 [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_481 [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,130 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_474 [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_472 [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [-1 1] [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_470 [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [3], value = [-1 1 1] [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_468 [ 2020-08-03 10:06:08,146 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [-1 1 1 1] [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_466 [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 1 1 1 1] [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_457 [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 4 [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_448 [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-03 10:06:08,161 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_439 [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_430 [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 1 [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_421 [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_419 [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,177 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_415 [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_413 [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = -1 [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_410 [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:130 ] Partial infer for Shape_411 [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:131 ] Op: ShapeOf [ 2020-08-03 10:06:08,193 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,208 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-03 10:06:08,208 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,208 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [5] [ 2020-08-03 10:06:08,208 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,208 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_412/Broadcast [ 2020-08-03 10:06:08,208 ] [ DEBUG ] [ infer:131 ] Op: Broadcast [ 2020-08-03 10:06:08,208 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,208 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [1], value = [1] [ 2020-08-03 10:06:08,208 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [1], value = [5] [ 2020-08-03 10:06:08,208 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,208 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-03 10:06:08,208 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,208 ] [ DEBUG ] [ infer:130 ] Partial infer for Mul_414 [ 2020-08-03 10:06:08,208 ] [ DEBUG ] [ infer:131 ] Op: Mul [ 2020-08-03 10:06:08,208 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,208 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-03 10:06:08,208 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [], value = -1 [ 2020-08-03 10:06:08,208 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,208 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:130 ] Partial infer for Equal_416 [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:131 ] Op: Equal [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [False False False False False] [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:130 ] Partial infer for Where_417 [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:131 ] Op: Select [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [False False False False False] [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [1 1 1 1 1] [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_408 [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,224 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,239 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,240 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [ 3 15 20 2] [ 2020-08-03 10:06:08,240 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,240 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_405 [ 2020-08-03 10:06:08,240 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,240 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,240 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,240 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:08,240 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,248 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_403 [ 2020-08-03 10:06:08,248 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,248 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,248 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,248 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-03 10:06:08,248 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,248 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_401 [ 2020-08-03 10:06:08,248 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,248 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,248 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,248 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-03 10:06:08,248 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,248 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_397 [ 2020-08-03 10:06:08,256 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,256 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,256 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,256 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-03 10:06:08,256 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,256 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_395 [ 2020-08-03 10:06:08,256 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,256 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,256 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,264 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [-1 1] [ 2020-08-03 10:06:08,264 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,264 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_393 [ 2020-08-03 10:06:08,264 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,264 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,264 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,264 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [3], value = [-1 1 1] [ 2020-08-03 10:06:08,264 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,264 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_391 [ 2020-08-03 10:06:08,264 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,264 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [-1 1 1 1] [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_389 [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 1 1 1 1] [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_380 [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 4 [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_371 [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_362 [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,272 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_353 [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 1 [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_344 [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_342 [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_338 [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,288 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_336 [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = -1 [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_333 [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:130 ] Partial infer for Shape_334 [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:131 ] Op: ShapeOf [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [5] [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:130 ] Partial infer for ConstantOfShape_335/Broadcast [ 2020-08-03 10:06:08,303 ] [ DEBUG ] [ infer:131 ] Op: Broadcast [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [1], value = [1] [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [1], value = [5] [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:130 ] Partial infer for Mul_337 [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:131 ] Op: Mul [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [1 1 1 1 1] [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [], value = -1 [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:130 ] Partial infer for Equal_339 [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:131 ] Op: Equal [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [-1 -1 -1 -1 -1] [ 2020-08-03 10:06:08,319 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [False False False False False] [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:130 ] Partial infer for Where_340 [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:131 ] Op: Select [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [5], value = [False False False False False] [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [5], value = [1 1 1 1 1] [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [5], value = [ 1 3 15 20 2] [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_331 [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [4], value = [ 3 15 20 2] [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_329 [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,334 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 32.0 [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_325 [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0.5 [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_323 [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_308 [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_304 [ 2020-08-03 10:06:08,350 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_299 [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_297 [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_277 [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-03 10:06:08,366 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_274 [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_271 [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 0 [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_199 [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1. 1.] [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_192 [ 2020-08-03 10:06:08,381 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_189 [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_184 [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_181 [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-03 10:06:08,397 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_151 [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [2], value = [1. 1.] [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_144 [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_141 [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 3 [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_136 [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,413 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,428 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2.0 [ 2020-08-03 10:06:08,428 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,428 ] [ DEBUG ] [ infer:130 ] Partial infer for Constant_133 [ 2020-08-03 10:06:08,428 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,428 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,428 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,428 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [], value = 2 [ 2020-08-03 10:06:08,428 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,428 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv2.conv.weight [ 2020-08-03 10:06:08,428 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,428 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,428 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,428 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 3 3], value = [[[[-1.35192871e-02 -1.35345459e-02 -1.03149414e-02] [ 3.23677063e-03 1.13143921e-02 7.70950... [ 2020-08-03 10:06:08,444 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,444 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv2.bn.weight [ 2020-08-03 10:06:08,444 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,444 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,444 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,444 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.6816406 1.0009766 0.7885742 0.7495117 1.0605469 0.7885742 0.7548828 0.96972656 1.018554... [ 2020-08-03 10:06:08,444 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,444 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv2.bn.running_var [ 2020-08-03 10:06:08,444 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,444 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,444 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,444 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.12011719 0.13574219 0.21203613 0.16088867 0.22216797 0.1373291 0.21911621 0.36938477 0.144287... [ 2020-08-03 10:06:08,444 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,459 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv2.bn.running_mean [ 2020-08-03 10:06:08,459 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,459 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,459 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,459 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [ 7.91625977e-02 -3.36647034e-03 -2.88818359e-01 -2.93945312e-01 -2.97363281e-01 -6.68334961e-02... [ 2020-08-03 10:06:08,459 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,459 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv2.bn.bias [ 2020-08-03 10:06:08,459 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,459 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,459 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,459 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.3955078 -1.0693359 -0.15673828 -0.42993164 -0.8984375 -0.5654297 -0.17504883 -0.30395508 ... [ 2020-08-03 10:06:08,475 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,475 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv1.conv.weight [ 2020-08-03 10:06:08,475 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,475 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,475 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,475 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 1 1], value = [[[[-0.01965332]] [[-0.04663086]] [[ 0.02484131]] ... [[-0.02796936]] [[-0.0339965... [ 2020-08-03 10:06:08,475 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,475 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv1.bn.weight [ 2020-08-03 10:06:08,475 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,475 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,475 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,475 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.8251953 1.015625 0.85839844 0.7675781 0.8588867 1.0058594 0.8046875 0.7949219 1.100585... [ 2020-08-03 10:06:08,475 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,475 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv1.bn.running_var [ 2020-08-03 10:06:08,475 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,491 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,491 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,491 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.04833984 0.04864502 0.03025818 0.03848267 0.03399658 0.02952576 0.02783203 0.05230713 0.07250... [ 2020-08-03 10:06:08,491 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,491 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv1.bn.running_mean [ 2020-08-03 10:06:08,491 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,491 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,491 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,491 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.13647461 0.04949951 -0.11169434 -0.14526367 -0.0045929 -0.08642578 -0.06848145 -0.17675781... [ 2020-08-03 10:06:08,506 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,506 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.m.0.cv1.bn.bias [ 2020-08-03 10:06:08,506 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,506 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,506 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,506 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-2.73925781e-01 -4.52148438e-01 -7.03125000e-01 -4.97314453e-01 -3.93798828e-01 -7.71484375e-01... [ 2020-08-03 10:06:08,506 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,506 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv4.conv.weight [ 2020-08-03 10:06:08,506 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,506 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,506 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,506 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512 512 1 1], value = [[[[-1.42593384e-02]] [[-5.39016724e-03]] [[ 3.29017639e-03]] ... [[ 1.27716064e-02]]... [ 2020-08-03 10:06:08,506 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,506 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv4.bn.weight [ 2020-08-03 10:06:08,506 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,522 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,522 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,522 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.60546875 0.5786133 0.75683594 0.7451172 0.9194336 0.85498047 0.72802734 0.8154297 0.68798... [ 2020-08-03 10:06:08,522 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,522 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv4.bn.running_var [ 2020-08-03 10:06:08,522 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,522 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,522 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,538 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.08740234 0.06860352 0.0617981 0.05084229 0.06671143 0.03918457 0.06152344 0.04415894 0.07604... [ 2020-08-03 10:06:08,538 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,538 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv4.bn.running_mean [ 2020-08-03 10:06:08,538 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,538 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,538 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,538 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [ 0.02978516 -0.00521851 -0.10168457 -0.09515381 -0.05780029 -0.06100464 -0.03820801 -0.00302887... [ 2020-08-03 10:06:08,538 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,538 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv4.bn.bias [ 2020-08-03 10:06:08,538 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,553 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,553 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,553 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [ 0.12902832 0.06402588 -0.5522461 -0.5107422 -0.6816406 -0.7363281 -0.44311523 -0.5932617 ... [ 2020-08-03 10:06:08,553 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,553 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv3.weight [ 2020-08-03 10:06:08,553 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,553 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,553 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,553 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 1 1], value = [[[[ 0.01965332]] [[ 0.0013237 ]] [[-0.00471878]] ... [[-0.00573349]] [[-0.0100784... [ 2020-08-03 10:06:08,553 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,553 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv2.weight [ 2020-08-03 10:06:08,569 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,569 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,569 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,569 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 512 1 1], value = [[[[ 0.01215363]] [[-0.02928162]] [[-0.01982117]] ... [[ 0.02404785]] [[-0.0177002... [ 2020-08-03 10:06:08,569 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,569 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv1.conv.weight [ 2020-08-03 10:06:08,569 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,569 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,569 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,569 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 512 1 1], value = [[[[-0.00888824]] [[-0.01696777]] [[-0.02890015]] ... [[-0.01462555]] [[ 0.0192108... [ 2020-08-03 10:06:08,569 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,569 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv1.bn.weight [ 2020-08-03 10:06:08,569 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,569 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,569 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,584 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.81933594 0.7832031 0.78466797 0.7988281 0.8598633 0.65625 0.8339844 0.91552734 0.7558594 ... [ 2020-08-03 10:06:08,584 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,584 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv1.bn.running_var [ 2020-08-03 10:06:08,584 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,584 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,584 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,584 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.02111816 0.01395416 0.01916504 0.02963257 0.02033997 0.02433777 0.02488708 0.02561951 0.01594... [ 2020-08-03 10:06:08,584 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,584 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv1.bn.running_mean [ 2020-08-03 10:06:08,584 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,584 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,584 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,600 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [ 3.20739746e-02 -2.56500244e-02 -5.96618652e-02 -1.27441406e-01 -3.99475098e-02 4.24499512e-02... [ 2020-08-03 10:06:08,600 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,600 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.cv1.bn.bias [ 2020-08-03 10:06:08,600 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,600 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,600 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,600 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.5629883 -0.6948242 -0.42773438 -0.33154297 -0.9511719 -0.06173706 -0.31518555 -0.6425781 ... [ 2020-08-03 10:06:08,600 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,600 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.bn.weight [ 2020-08-03 10:06:08,600 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,600 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,600 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,616 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.94628906 0.9638672 0.8310547 0.89208984 1.0185547 0.85546875 0.7338867 0.68603516 0.65527... [ 2020-08-03 10:06:08,616 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,616 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.bn.running_var [ 2020-08-03 10:06:08,616 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,616 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,616 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,616 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.03253174 0.03872681 0.03146362 0.02601624 0.04074097 0.03848267 0.03796387 0.03771973 0.04348... [ 2020-08-03 10:06:08,631 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,631 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.bn.running_mean [ 2020-08-03 10:06:08,631 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,631 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,631 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,631 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [-5.34667969e-02 -3.73229980e-02 -9.18579102e-02 -1.16699219e-01 -1.34643555e-01 -1.23168945e-01... [ 2020-08-03 10:06:08,631 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,631 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.9.bn.bias [ 2020-08-03 10:06:08,631 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,631 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,631 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,647 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [-0.8183594 -0.5732422 -0.6333008 -0.9213867 -0.5449219 -0.2397461 -0.29711914 -0.21972656 ... [ 2020-08-03 10:06:08,647 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,647 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv2.conv.weight [ 2020-08-03 10:06:08,647 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,647 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,647 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,647 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 512 1024 1 1], value = [[[[ 4.8713684e-03]] [[-3.4759521e-02]] [[ 4.2510986e-02]] ... [[ 1.5121460e-02]] ... [ 2020-08-03 10:06:08,647 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,647 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv2.bn.weight [ 2020-08-03 10:06:08,647 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,647 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,647 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,663 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.66064453 0.63623047 0.6953125 1.140625 0.49902344 0.7631836 0.578125 0.6435547 0.635742... [ 2020-08-03 10:06:08,663 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,663 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv2.bn.running_var [ 2020-08-03 10:06:08,663 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,663 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,663 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,663 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.3059082 0.3059082 0.48950195 0.39794922 0.36279297 0.31860352 0.50683594 0.4333496 0.35937... [ 2020-08-03 10:06:08,678 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,678 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv2.bn.running_mean [ 2020-08-03 10:06:08,678 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,678 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,678 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,678 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [ 1.06054688e+00 -1.41503906e+00 8.50585938e-01 2.33593750e+00 -1.28906250e+00 -3.84033203e-01... [ 2020-08-03 10:06:08,678 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,678 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv2.bn.bias [ 2020-08-03 10:06:08,678 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,678 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,678 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,694 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [-1.0478516 -0.86083984 -0.93115234 -2.1269531 -0.23718262 -1.0527344 -0.45239258 -0.56884766 ... [ 2020-08-03 10:06:08,694 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,694 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv1.conv.weight [ 2020-08-03 10:06:08,694 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,694 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,694 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,694 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 512 1 1], value = [[[[-0.04544067]] [[ 0.01748657]] [[-0.02182007]] ... [[-0.01095581]] [[-0.0406799... [ 2020-08-03 10:06:08,694 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,694 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv1.bn.weight [ 2020-08-03 10:06:08,694 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,694 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,694 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,709 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.67578125 0.7885742 0.79541016 0.77441406 0.77490234 0.7026367 0.82666016 0.67041016 0.698242... [ 2020-08-03 10:06:08,709 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,709 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv1.bn.running_var [ 2020-08-03 10:06:08,709 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,709 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,709 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,709 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.10723877 0.12243652 0.13378906 0.12890625 0.21557617 0.14245605 0.20959473 0.1685791 0.12573... [ 2020-08-03 10:06:08,709 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,709 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv1.bn.running_mean [ 2020-08-03 10:06:08,709 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,725 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,725 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,725 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.2849121 -0.26538086 -0.39379883 -0.47021484 -0.5336914 -0.37963867 -0.14294434 -0.6323242 ... [ 2020-08-03 10:06:08,725 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,725 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.8.cv1.bn.bias [ 2020-08-03 10:06:08,725 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,725 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,725 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,725 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.61621094 0.85839844 0.5234375 0.6142578 0.8149414 0.16589355 0.79296875 0.29125977 0.41137... [ 2020-08-03 10:06:08,725 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,725 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.7.conv.weight [ 2020-08-03 10:06:08,725 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,742 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,742 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,742 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512 256 3 3], value = [[[[-1.16577148e-02 -1.69067383e-02 -2.01721191e-02] [ 3.92532349e-03 -2.81143188e-03 -2.20870... [ 2020-08-03 10:06:08,750 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,750 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.7.bn.weight [ 2020-08-03 10:06:08,750 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,750 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,750 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,758 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [1.0751953 0.85498047 0.87402344 0.9555664 0.88964844 0.90625 0.87109375 0.8461914 0.83691406... [ 2020-08-03 10:06:08,758 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,758 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.7.bn.running_var [ 2020-08-03 10:06:08,758 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,758 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,758 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,771 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.38232422 0.30859375 0.40673828 0.22497559 0.2861328 0.37402344 0.2376709 0.2861328 0.38989... [ 2020-08-03 10:06:08,771 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,771 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.7.bn.running_mean [ 2020-08-03 10:06:08,771 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,771 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,771 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,771 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [-4.98291016e-01 -1.56250000e-01 3.85986328e-01 -1.01776123e-02 -1.33300781e-01 -3.97705078e-01... [ 2020-08-03 10:06:08,771 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,771 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.7.bn.bias [ 2020-08-03 10:06:08,771 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,786 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,786 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,786 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [-0.5078125 -0.29516602 -0.9790039 -1.0576172 -0.42749023 -0.18493652 -0.72021484 -0.14343262... [ 2020-08-03 10:06:08,786 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,786 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv2.conv.weight [ 2020-08-03 10:06:08,786 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,786 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,786 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,802 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 3 3], value = [[[[ 1.82952881e-02 -6.61849976e-03 -1.67236328e-02] [-9.35363770e-03 -2.82287598e-03 -2.56195... [ 2020-08-03 10:06:08,802 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,802 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv2.bn.weight [ 2020-08-03 10:06:08,802 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,802 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,802 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,802 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [1.8564453 1.359375 1.9316406 1.8398438 1.9316406 1.3974609 2.1210938 1.7265625 1.7617188 1.643... [ 2020-08-03 10:06:08,802 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,802 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv2.bn.running_var [ 2020-08-03 10:06:08,802 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,802 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,802 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,802 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.18066406 0.13183594 0.22717285 0.17260742 0.13427734 0.15612793 0.30395508 0.22497559 0.13476... [ 2020-08-03 10:06:08,802 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,817 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv2.bn.running_mean [ 2020-08-03 10:06:08,817 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,817 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,817 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,817 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [ 1.47399902e-02 3.10791016e-01 -1.15661621e-02 -2.21557617e-02 6.72607422e-02 -1.94335938e-01... [ 2020-08-03 10:06:08,817 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,817 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv2.bn.bias [ 2020-08-03 10:06:08,817 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,817 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,817 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,817 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.31835938 -0.17834473 0.6123047 -0.06561279 -0.13195801 0.32641602 0.5732422 0.70458984... [ 2020-08-03 10:06:08,817 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,817 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv1.conv.weight [ 2020-08-03 10:06:08,817 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,817 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,833 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,833 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[ 0.06420898]] [[-0.02082825]] [[ 0.00419617]] ... [[ 0.00437927]] [[-0.0181884... [ 2020-08-03 10:06:08,833 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,833 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv1.bn.weight [ 2020-08-03 10:06:08,833 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,833 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,833 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,833 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.7949219 0.8671875 0.9770508 0.8173828 0.9667969 0.80371094 0.8432617 0.81933594 0.93261... [ 2020-08-03 10:06:08,833 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,833 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv1.bn.running_var [ 2020-08-03 10:06:08,833 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,833 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,833 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,849 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.15661621 0.13830566 0.14428711 0.16784668 0.16699219 0.17736816 0.21008301 0.16723633 0.13647... [ 2020-08-03 10:06:08,849 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,849 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv1.bn.running_mean [ 2020-08-03 10:06:08,849 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,849 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,849 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,849 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.5942383 -0.44799805 -0.40600586 -0.08709717 -0.40551758 -0.6791992 -0.7573242 -0.6298828 ... [ 2020-08-03 10:06:08,849 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,849 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.2.cv1.bn.bias [ 2020-08-03 10:06:08,849 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,849 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,849 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,849 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.37451172 -0.7636719 -1.0644531 -0.74072266 -0.9160156 -0.22998047 -0.34350586 -0.5151367 ... [ 2020-08-03 10:06:08,849 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,864 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv2.conv.weight [ 2020-08-03 10:06:08,864 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,864 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,864 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,864 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 3 3], value = [[[[-2.00653076e-02 -4.38842773e-02 -5.78613281e-02] [ 1.29013062e-02 -2.91824341e-03 -2.82592... [ 2020-08-03 10:06:08,864 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,864 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv2.bn.weight [ 2020-08-03 10:06:08,864 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,864 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,864 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,864 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [1.1386719 1.0224609 1.1347656 0.8208008 0.9975586 1.0820312 0.8925781 0.8847656 1.287109... [ 2020-08-03 10:06:08,864 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,880 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv2.bn.running_var [ 2020-08-03 10:06:08,880 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,880 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,880 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,880 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.13415527 0.23864746 0.19384766 0.19909668 0.13024902 0.18591309 0.13928223 0.26879883 0.16491... [ 2020-08-03 10:06:08,880 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,880 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv2.bn.running_mean [ 2020-08-03 10:06:08,880 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,880 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,880 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,880 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.07299805 0.07025146 0.15856934 0.03533936 -0.04638672 -0.2932129 -0.11853027 0.15075684 ... [ 2020-08-03 10:06:08,880 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,880 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv2.bn.bias [ 2020-08-03 10:06:08,880 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,880 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,896 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,896 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.6772461 -0.00260925 -1.0820312 0.04067993 -0.52490234 -0.1842041 -0.69384766 0.6635742 ... [ 2020-08-03 10:06:08,896 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,896 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv1.conv.weight [ 2020-08-03 10:06:08,896 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,896 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,896 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,896 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[ 0.07427979]] [[ 0.02914429]] [[ 0.0340271 ]] ... [[ 0.01872253]] [[-0.0273895... [ 2020-08-03 10:06:08,896 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,896 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv1.bn.weight [ 2020-08-03 10:06:08,896 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,896 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,896 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,911 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.7260742 0.8491211 0.7607422 0.8413086 0.9448242 0.7680664 0.68310547 0.6689453 0.822265... [ 2020-08-03 10:06:08,911 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,911 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv1.bn.running_var [ 2020-08-03 10:06:08,911 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,911 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,911 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,911 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.04156494 0.04534912 0.05255127 0.06192017 0.04626465 0.03753662 0.05154419 0.04992676 0.03799... [ 2020-08-03 10:06:08,911 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,911 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv1.bn.running_mean [ 2020-08-03 10:06:08,911 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,911 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,911 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,911 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.3173828 -0.10522461 -0.47265625 -0.17041016 0.01290894 0.20056152 0.20129395 -0.2734375 ... [ 2020-08-03 10:06:08,911 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,911 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.1.cv1.bn.bias [ 2020-08-03 10:06:08,927 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,927 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,927 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,927 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.06481934 -0.60058594 -0.11895752 -0.27661133 -0.6972656 -0.35839844 -0.14953613 -0.07250977... [ 2020-08-03 10:06:08,927 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,927 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv2.conv.weight [ 2020-08-03 10:06:08,927 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,927 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,927 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,927 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 3 3], value = [[[[-2.46582031e-02 -2.65960693e-02 1.35879517e-02] [ 2.51007080e-02 -2.16827393e-02 -3.64685... [ 2020-08-03 10:06:08,942 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,942 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv2.bn.weight [ 2020-08-03 10:06:08,942 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,942 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,942 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,942 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [1.0634766 0.59765625 0.5341797 0.8828125 0.71728516 0.6142578 0.79589844 0.43969727 0.638183... [ 2020-08-03 10:06:08,942 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,942 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv2.bn.running_var [ 2020-08-03 10:06:08,942 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,942 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,942 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,942 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.29760742 0.24560547 0.29907227 0.2944336 0.30517578 0.17260742 0.3503418 0.20263672 0.29443... [ 2020-08-03 10:06:08,942 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,942 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv2.bn.running_mean [ 2020-08-03 10:06:08,942 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,942 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,958 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,958 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-5.7324219e-01 1.8505859e-01 5.9521484e-01 -1.6269531e+00 1.6616821e-02 -4.6508789e-01 -7.20... [ 2020-08-03 10:06:08,958 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,958 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv2.bn.bias [ 2020-08-03 10:06:08,958 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,958 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,958 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,958 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-1.1025391 -0.02490234 0.2232666 -0.4777832 -0.2644043 -0.53222656 -0.5 -0.14978027... [ 2020-08-03 10:06:08,958 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,958 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv1.conv.weight [ 2020-08-03 10:06:08,958 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,958 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,958 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,958 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[-0.05581665]] [[-0.00745773]] [[-0.06219482]] ... [[ 0.00933838]] [[-0.0059852... [ 2020-08-03 10:06:08,974 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,974 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv1.bn.weight [ 2020-08-03 10:06:08,974 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,974 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,974 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,974 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.95214844 0.8378906 0.9404297 0.81103516 0.8125 0.9013672 0.65527344 0.7504883 0.857910... [ 2020-08-03 10:06:08,974 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,974 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv1.bn.running_var [ 2020-08-03 10:06:08,974 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,974 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,974 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,974 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.00991058 0.01193237 0.01602173 0.0375061 0.01031494 0.02165222 0.02290344 0.01657104 0.01294... [ 2020-08-03 10:06:08,974 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,989 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv1.bn.running_mean [ 2020-08-03 10:06:08,989 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,989 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,989 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,989 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.14733887 -0.02520752 -0.01187897 -0.20324707 -0.05401611 -0.12255859 -0.10986328 -0.2619629 ... [ 2020-08-03 10:06:08,989 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,989 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.m.0.cv1.bn.bias [ 2020-08-03 10:06:08,989 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,989 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:08,989 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:08,989 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-1.2041016 -0.6586914 -0.27392578 0.18811035 -0.8491211 -0.03152466 0.25097656 -0.2590332 ... [ 2020-08-03 10:06:08,989 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:08,989 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv4.conv.weight [ 2020-08-03 10:06:08,989 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:08,989 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,005 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,005 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 1 1], value = [[[[ 0.01809692]] [[ 0.03588867]] [[-0.0602417 ]] ... [[ 0.00512695]] [[ 0.0404968... [ 2020-08-03 10:06:09,005 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,005 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv4.bn.weight [ 2020-08-03 10:06:09,005 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,005 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,005 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,005 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.8457031 0.96191406 0.90527344 0.99072266 0.8876953 0.8911133 0.60058594 0.9321289 0.892089... [ 2020-08-03 10:06:09,005 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,005 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv4.bn.running_var [ 2020-08-03 10:06:09,005 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,005 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,005 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,021 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.20227051 0.23791504 0.13659668 0.19824219 0.23547363 0.1920166 0.50341797 0.2919922 0.149658... [ 2020-08-03 10:06:09,021 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,021 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv4.bn.running_mean [ 2020-08-03 10:06:09,021 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,021 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,021 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,021 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.39086914 0.00440216 0.08435059 0.08148193 -0.26049805 -0.01256561 0.10290527 -0.16625977... [ 2020-08-03 10:06:09,021 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,021 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv4.bn.bias [ 2020-08-03 10:06:09,021 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,021 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,036 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,036 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.38598633 -1.2646484 -0.7089844 -0.5805664 -0.16320801 -0.875 0.55566406 -0.40795898 -0.8... [ 2020-08-03 10:06:09,036 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,036 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv3.weight [ 2020-08-03 10:06:09,036 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,036 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,036 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,036 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[ 0.06750488]] [[-0.05395508]] [[-0.01036835]] ... [[-0.01506805]] [[ 0.0238494... [ 2020-08-03 10:06:09,036 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,036 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv2.weight [ 2020-08-03 10:06:09,036 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,036 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,052 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,052 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 256 1 1], value = [[[[-0.03909302]] [[-0.02549744]] [[-0.07073975]] ... [[ 0.00038385]] [[ 0.0098037... [ 2020-08-03 10:06:09,052 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,052 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv1.conv.weight [ 2020-08-03 10:06:09,052 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,052 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,052 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,052 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 256 1 1], value = [[[[-0.03646851]] [[ 0.05023193]] [[-0.03341675]] ... [[ 0.03799438]] [[-0.0623474... [ 2020-08-03 10:06:09,052 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,052 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv1.bn.weight [ 2020-08-03 10:06:09,052 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,052 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,052 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,052 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.35766602 0.40429688 0.5024414 0.32714844 0.30810547 0.3864746 0.32861328 0.4284668 0.376220... [ 2020-08-03 10:06:09,067 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,067 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv1.bn.running_var [ 2020-08-03 10:06:09,067 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,067 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,067 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,067 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.08831787 0.12817383 0.1776123 0.24816895 0.09429932 0.12670898 0.16027832 0.1394043 0.12188... [ 2020-08-03 10:06:09,067 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,067 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv1.bn.running_mean [ 2020-08-03 10:06:09,067 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,067 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,067 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,067 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.06359863 -0.62353516 -0.21374512 -0.36499023 -0.43798828 -0.05557251 0.07141113 -0.4399414 ... [ 2020-08-03 10:06:09,067 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,067 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.cv1.bn.bias [ 2020-08-03 10:06:09,083 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,083 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,083 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,083 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-3.7475586e-01 -3.4643555e-01 -2.8247070e-01 5.5957031e-01 -2.1423340e-01 -3.5693359e-01 -1.84... [ 2020-08-03 10:06:09,083 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,083 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.bn.weight [ 2020-08-03 10:06:09,083 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,083 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,083 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,083 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [1.0322266 1.0029297 1.2617188 0.97998047 0.7314453 0.91308594 1.6640625 0.90966797 0.91992... [ 2020-08-03 10:06:09,083 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,083 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.bn.running_var [ 2020-08-03 10:06:09,099 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,099 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,099 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,099 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.5058594 0.71777344 0.56103516 0.45092773 0.46948242 0.39916992 0.8076172 0.4165039 0.30395... [ 2020-08-03 10:06:09,099 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,099 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.bn.running_mean [ 2020-08-03 10:06:09,099 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,099 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,099 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,099 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [ 9.43603516e-02 -7.72460938e-01 -1.11132812e+00 -8.14941406e-01 -4.81933594e-01 5.22460938e-01... [ 2020-08-03 10:06:09,099 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,099 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.6.bn.bias [ 2020-08-03 10:06:09,114 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,114 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,114 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,114 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-7.0654297e-01 -1.0070801e-03 -1.3388672e+00 -6.8066406e-01 9.3383789e-02 -6.6015625e-01 -1.24... [ 2020-08-03 10:06:09,114 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,114 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.5.conv.weight [ 2020-08-03 10:06:09,114 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,114 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,114 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,114 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 128 3 3], value = [[[[ 1.06582642e-02 2.86560059e-02 3.12042236e-02] [ 3.93371582e-02 5.74035645e-02 5.12084... [ 2020-08-03 10:06:09,130 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,130 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.5.bn.weight [ 2020-08-03 10:06:09,130 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,130 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,130 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,130 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [1.0292969 0.8935547 0.8725586 0.8310547 0.9057617 0.8076172 0.8208008 0.83251953 0.914062... [ 2020-08-03 10:06:09,130 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,130 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.5.bn.running_var [ 2020-08-03 10:06:09,130 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,130 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,130 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,146 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.7861328 0.1652832 0.19885254 0.80615234 0.30981445 0.30981445 0.4086914 0.3076172 0.32983... [ 2020-08-03 10:06:09,146 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,146 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.5.bn.running_mean [ 2020-08-03 10:06:09,146 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,146 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,146 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,146 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [ 0.31713867 -0.17590332 -0.07342529 0.45336914 -0.68066406 0.28808594 0.54296875 -0.01082611... [ 2020-08-03 10:06:09,146 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,146 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.5.bn.bias [ 2020-08-03 10:06:09,146 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,146 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,146 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,161 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.43603516 -0.9370117 -1.3115234 0.7792969 -0.45483398 -0.5888672 0.09667969 -0.6870117 ... [ 2020-08-03 10:06:09,161 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,161 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv2.conv.weight [ 2020-08-03 10:06:09,161 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,161 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,161 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,161 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 3 3], value = [[[[-1.30844116e-02 9.76562500e-03 7.46726990e-04] [-3.38134766e-02 -8.38470459e-03 -2.23083... [ 2020-08-03 10:06:09,161 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,161 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv2.bn.weight [ 2020-08-03 10:06:09,161 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,161 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,161 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,161 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [2.15625 2.0410156 1.6660156 2.3085938 2.0585938 1.6416016 1.8623047 2.3398438 2.2734375 1.867... [ 2020-08-03 10:06:09,177 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,177 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv2.bn.running_var [ 2020-08-03 10:06:09,177 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,177 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,177 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,177 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.1973877 0.2211914 0.20959473 0.31982422 0.19958496 0.22375488 0.17944336 0.28149414 0.31176... [ 2020-08-03 10:06:09,177 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,177 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv2.bn.running_mean [ 2020-08-03 10:06:09,177 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,177 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,177 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,177 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-2.23632812e-01 -3.90869141e-01 2.15087891e-01 4.27734375e-01 -2.33764648e-01 -1.59179688e-01... [ 2020-08-03 10:06:09,177 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,177 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv2.bn.bias [ 2020-08-03 10:06:09,177 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,177 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,192 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,192 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.8486328 -0.01602173 0.87597656 0.23205566 -0.40185547 0.94628906 0.78808594 -0.24865723... [ 2020-08-03 10:06:09,192 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,192 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv1.conv.weight [ 2020-08-03 10:06:09,192 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,192 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,192 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,192 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 1 1], value = [[[[ 0.05078125]] [[-0.0003674 ]] [[-0.09417725]] ... [[ 0.03518677]] [[-0.0239868... [ 2020-08-03 10:06:09,192 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,192 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv1.bn.weight [ 2020-08-03 10:06:09,192 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,192 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,192 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,192 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.9995117 0.80566406 0.8823242 0.93066406 0.7651367 1.0214844 1.0683594 0.8388672 0.796386... [ 2020-08-03 10:06:09,208 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,208 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv1.bn.running_var [ 2020-08-03 10:06:09,208 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,208 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,208 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,208 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.24108887 0.22094727 0.16467285 0.15270996 0.30541992 0.19384766 0.21606445 0.1887207 0.20434... [ 2020-08-03 10:06:09,208 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,208 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv1.bn.running_mean [ 2020-08-03 10:06:09,208 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,208 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,208 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,208 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.7363281 -0.21704102 -1.1113281 -0.546875 -0.32836914 -0.52685547 -1.4609375 -1.9443359 ... [ 2020-08-03 10:06:09,208 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,208 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.2.cv1.bn.bias [ 2020-08-03 10:06:09,208 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,224 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,224 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,224 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.92285156 -0.3474121 -0.99121094 -0.99902344 0.29296875 -1.1591797 -0.8540039 -0.39135742 ... [ 2020-08-03 10:06:09,224 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,224 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv2.conv.weight [ 2020-08-03 10:06:09,224 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,224 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,224 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,224 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 3 3], value = [[[[-4.49752808e-03 -9.94262695e-02 8.14819336e-03] [-1.57470703e-02 -4.24575806e-03 -1.46789... [ 2020-08-03 10:06:09,224 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,239 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv2.bn.weight [ 2020-08-03 10:06:09,239 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,239 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,239 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,239 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [1.4277344 1.0996094 0.73535156 1.4316406 1.3828125 0.88183594 1.5996094 1.1738281 1.25488... [ 2020-08-03 10:06:09,239 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,239 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv2.bn.running_var [ 2020-08-03 10:06:09,239 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,239 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,239 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,239 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.3815918 0.16589355 0.22021484 0.40478516 0.40673828 0.27563477 0.39233398 0.24401855 0.36694... [ 2020-08-03 10:06:09,239 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,239 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv2.bn.running_mean [ 2020-08-03 10:06:09,239 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,239 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,239 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,239 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.059021 -0.02241516 0.6616211 0.6772461 0.09161377 -0.3864746 -0.25073242 -0.13330078 ... [ 2020-08-03 10:06:09,256 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,256 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv2.bn.bias [ 2020-08-03 10:06:09,256 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,256 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,256 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,256 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.11810303 -1.1435547 1.65625 0.05453491 -0.12145996 0.8730469 -0.7290039 -1.0615234 ... [ 2020-08-03 10:06:09,256 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,264 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv1.conv.weight [ 2020-08-03 10:06:09,264 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,264 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,264 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,264 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 1 1], value = [[[[-0.06445312]] [[-0.01216888]] [[ 0.01477814]] ... [[-0.08111572]] [[-0.0742187... [ 2020-08-03 10:06:09,264 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,264 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv1.bn.weight [ 2020-08-03 10:06:09,264 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,264 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,272 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,272 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.9658203 1.0566406 0.9892578 0.9375 0.8334961 0.86083984 1.0869141 0.984375 0.97949... [ 2020-08-03 10:06:09,272 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,272 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv1.bn.running_var [ 2020-08-03 10:06:09,272 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,272 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,280 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,280 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.08905029 0.07952881 0.14111328 0.0668335 0.11560059 0.09942627 0.08453369 0.14404297 0.08422... [ 2020-08-03 10:06:09,280 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,280 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv1.bn.running_mean [ 2020-08-03 10:06:09,280 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,280 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,280 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,288 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [ 0.11883545 0.07116699 -0.24645996 -0.29101562 -0.7548828 -0.60009766 -0.45141602 0.59277344... [ 2020-08-03 10:06:09,289 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,289 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.1.cv1.bn.bias [ 2020-08-03 10:06:09,289 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,289 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,289 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,289 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.40405273 -0.7504883 -0.30493164 -0.6972656 0.6020508 0.2211914 -1.1181641 -0.27783203 ... [ 2020-08-03 10:06:09,289 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,289 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv2.conv.weight [ 2020-08-03 10:06:09,289 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,289 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,289 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,289 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 3 3], value = [[[[-1.00097656e-02 -8.78906250e-03 3.05786133e-02] [-1.66168213e-02 9.41772461e-02 2.51388... [ 2020-08-03 10:06:09,305 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,305 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv2.bn.weight [ 2020-08-03 10:06:09,305 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,305 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,305 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,305 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.9658203 0.8330078 0.6191406 0.609375 0.7421875 1.0478516 0.7944336 0.70751953 0.783203... [ 2020-08-03 10:06:09,305 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,305 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv2.bn.running_var [ 2020-08-03 10:06:09,305 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,305 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,305 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,305 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.34985352 0.4404297 0.35253906 0.33398438 0.5180664 0.37304688 0.21252441 0.41503906 0.40136... [ 2020-08-03 10:06:09,305 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,305 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv2.bn.running_mean [ 2020-08-03 10:06:09,305 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,305 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,305 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,321 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.46435547 0.17126465 0.18054199 0.55371094 0.92333984 -0.04528809 -0.12780762 0.6254883 ... [ 2020-08-03 10:06:09,321 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,321 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv2.bn.bias [ 2020-08-03 10:06:09,321 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,321 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,321 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,321 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.6694336 -0.46704102 0.03640747 -0.09918213 0.22009277 -0.47607422 -0.75 0.22399902... [ 2020-08-03 10:06:09,321 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,321 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv1.conv.weight [ 2020-08-03 10:06:09,321 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,321 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,321 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,321 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 1 1], value = [[[[-0.04971313]] [[-0.0567627 ]] [[ 0.04443359]] ... [[-0.0089035 ]] [[ 0.0380554... [ 2020-08-03 10:06:09,336 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,336 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv1.bn.weight [ 2020-08-03 10:06:09,336 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,336 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,336 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,336 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.70166016 0.85498047 1.1025391 0.67626953 0.58203125 0.9511719 0.72802734 1.0888672 0.789062... [ 2020-08-03 10:06:09,336 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,336 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv1.bn.running_var [ 2020-08-03 10:06:09,336 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,336 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,336 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,336 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.03662109 0.02526855 0.02114868 0.02003479 0.03326416 0.03417969 0.01927185 0.01202393 0.04061... [ 2020-08-03 10:06:09,336 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,336 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv1.bn.running_mean [ 2020-08-03 10:06:09,336 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,336 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,352 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,352 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-2.8198242e-01 2.3254395e-01 -3.6987305e-01 1.7907715e-01 6.7773438e-01 4.2633057e-02 -3.78... [ 2020-08-03 10:06:09,352 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,352 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.m.0.cv1.bn.bias [ 2020-08-03 10:06:09,352 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,352 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,352 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,352 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [ 0.21008301 -0.62402344 -0.94677734 -0.30029297 1.1386719 -0.09869385 -0.5263672 -1.6914062 ... [ 2020-08-03 10:06:09,352 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,352 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv4.conv.weight [ 2020-08-03 10:06:09,352 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,352 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,352 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,352 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[ 0.02563477]] [[-0.08209229]] [[-0.0480957 ]] ... [[-0.06115723]] [[ 0.0388488... [ 2020-08-03 10:06:09,367 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,367 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv4.bn.weight [ 2020-08-03 10:06:09,367 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,367 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,367 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,367 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.98095703 1.0966797 0.9033203 0.9140625 0.6645508 1.1875 1.3974609 0.984375 0.84472656 ... [ 2020-08-03 10:06:09,367 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,367 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv4.bn.running_var [ 2020-08-03 10:06:09,367 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,367 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,367 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,367 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.265625 0.3251953 0.4296875 0.41210938 0.42529297 0.2705078 0.29907227 0.34814453 0.672363... [ 2020-08-03 10:06:09,367 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,383 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv4.bn.running_mean [ 2020-08-03 10:06:09,383 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,383 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,383 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,383 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [ 0.04891968 -0.05978394 -0.5620117 -0.12988281 0.18554688 -0.03369141 0.41088867 -0.3256836 ... [ 2020-08-03 10:06:09,383 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,383 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv4.bn.bias [ 2020-08-03 10:06:09,383 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,383 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,383 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,383 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.9814453 -0.6484375 -0.05523682 -0.6826172 0.6567383 -1.0693359 -1.7080078 -0.3894043 ... [ 2020-08-03 10:06:09,383 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,383 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv3.weight [ 2020-08-03 10:06:09,383 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,383 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,399 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,399 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 1 1], value = [[[[-0.04983521]] [[-0.02044678]] [[-0.09643555]] ... [[ 0.03738403]] [[-0.0554199... [ 2020-08-03 10:06:09,399 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,399 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv2.weight [ 2020-08-03 10:06:09,399 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,399 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,399 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,399 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 64 128 1 1], value = [[[[ 0.01047516]] [[ 0.1237793 ]] [[ 0.02229309]] ... [[-0.00622559]] [[-0.0316162... [ 2020-08-03 10:06:09,399 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,399 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv1.conv.weight [ 2020-08-03 10:06:09,399 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,399 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,399 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,399 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 64 128 1 1], value = [[[[-0.06054688]] [[ 0.08404541]] [[-0.06091309]] ... [[-0.07800293]] [[ 0.0074462... [ 2020-08-03 10:06:09,414 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,414 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv1.bn.weight [ 2020-08-03 10:06:09,414 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,414 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,414 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,414 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.3540039 0.47143555 0.3083496 0.5048828 0.40844727 0.35986328 0.4819336 0.40551758 0.51464... [ 2020-08-03 10:06:09,414 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,414 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv1.bn.running_var [ 2020-08-03 10:06:09,414 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,414 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,414 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,414 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.21643066 0.55371094 0.15661621 0.4482422 0.26391602 0.15124512 0.14477539 0.32543945 0.35375... [ 2020-08-03 10:06:09,414 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,414 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv1.bn.running_mean [ 2020-08-03 10:06:09,414 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,430 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,430 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,430 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.04992676 -0.08459473 0.34692383 0.31225586 0.2220459 -1.1123047 -0.46826172 -0.15283203 ... [ 2020-08-03 10:06:09,430 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,430 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.cv1.bn.bias [ 2020-08-03 10:06:09,430 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,430 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,430 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,430 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [ 0.83984375 1.5126953 1.2304688 0.46044922 0.38549805 -0.18444824 -0.7338867 0.51708984... [ 2020-08-03 10:06:09,430 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,430 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.bn.weight [ 2020-08-03 10:06:09,430 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,430 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,430 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,446 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.8828125 1.1181641 1.4414062 1.2939453 1.2685547 0.97753906 0.97509766 1.2207031 0.96875... [ 2020-08-03 10:06:09,446 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,446 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.bn.running_var [ 2020-08-03 10:06:09,446 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,446 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,446 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,446 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.52441406 1.1542969 0.81689453 1.1015625 0.87646484 1.0117188 0.68310547 1.1601562 0.948242... [ 2020-08-03 10:06:09,446 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,446 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.bn.running_mean [ 2020-08-03 10:06:09,446 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,446 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,446 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,461 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-3.5595703e-01 -1.2392578e+00 -1.3046875e+00 -4.8876953e-01 -1.4716797e+00 -6.1523438e-01 -8.23... [ 2020-08-03 10:06:09,461 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,461 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.4.bn.bias [ 2020-08-03 10:06:09,461 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,461 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,461 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,461 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [ 0.1171875 0.5942383 -0.52734375 -0.7006836 -0.65625 1.4794922 -0.48413086 0.14013672 ... [ 2020-08-03 10:06:09,461 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,461 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.3.conv.weight [ 2020-08-03 10:06:09,461 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,461 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,461 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,477 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 64 3 3], value = [[[[-0.0117569 -0.03189087 -0.03305054] [-0.0234375 -0.08508301 -0.03857422] [-0.00142384... [ 2020-08-03 10:06:09,477 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,477 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.3.bn.weight [ 2020-08-03 10:06:09,477 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,477 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,477 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,477 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [1.1386719 1.3759766 1.0263672 1.0957031 1.1630859 0.97802734 0.84472656 1.1962891 1.08593... [ 2020-08-03 10:06:09,477 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,477 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.3.bn.running_var [ 2020-08-03 10:06:09,477 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,477 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,477 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,492 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.7290039 0.38989258 0.50146484 1.3574219 0.78759766 1.5683594 1.4785156 0.7890625 1.497070... [ 2020-08-03 10:06:09,492 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,492 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.3.bn.running_mean [ 2020-08-03 10:06:09,492 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,492 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,492 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,492 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-1.0029297 -1.3847656 -0.09643555 -0.11120605 -0.7915039 -0.77783203 -0.37524414 -1.1396484 ... [ 2020-08-03 10:06:09,492 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,492 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.3.bn.bias [ 2020-08-03 10:06:09,492 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,492 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,492 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,492 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.01433563 -2.0546875 -0.35229492 0.38330078 -0.46240234 0.8408203 0.4177246 -0.4736328 ... [ 2020-08-03 10:06:09,492 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,492 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.27.anchor_grid [ 2020-08-03 10:06:09,508 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,508 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,508 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,508 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [3 1 3 1 1 2], value = [[[[[[116. 90.]]] [[[156. 198.]]] [[[373. 326.]]]]] [[[[[ 30. 61.]]] [[[ 62... [ 2020-08-03 10:06:09,508 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,508 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_8261609 [ 2020-08-03 10:06:09,508 ] [ DEBUG ] [ infer:131 ] Op: Gather [ 2020-08-03 10:06:09,508 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,508 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [3 1 3 1 1 2], value = [[[[[[116. 90.]]] [[[156. 198.]]] [[[373. 326.]]]]] [[[[[ 30. 61.]]] [[[ 62... [ 2020-08-03 10:06:09,508 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [], value = 2 [ 2020-08-03 10:06:09,508 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [], value = 0 [ 2020-08-03 10:06:09,508 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,508 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1 3 1 1 2], value = [[[[[10. 13.]]] [[[16. 30.]]] [[[33. 23.]]]]] [ 2020-08-03 10:06:09,508 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,508 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_4061569 [ 2020-08-03 10:06:09,524 ] [ DEBUG ] [ infer:131 ] Op: Gather [ 2020-08-03 10:06:09,524 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,524 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [3 1 3 1 1 2], value = [[[[[[116. 90.]]] [[[156. 198.]]] [[[373. 326.]]]]] [[[[[ 30. 61.]]] [[[ 62... [ 2020-08-03 10:06:09,524 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [], value = 0 [ 2020-08-03 10:06:09,524 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [], value = 0 [ 2020-08-03 10:06:09,524 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,524 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1 3 1 1 2], value = [[[[[116. 90.]]] [[[156. 198.]]] [[[373. 326.]]]]] [ 2020-08-03 10:06:09,524 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,524 ] [ DEBUG ] [ infer:130 ] Partial infer for Gather_6161559 [ 2020-08-03 10:06:09,524 ] [ DEBUG ] [ infer:131 ] Op: Gather [ 2020-08-03 10:06:09,524 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,524 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [3 1 3 1 1 2], value = [[[[[[116. 90.]]] [[[156. 198.]]] [[[373. 326.]]]]] [[[[[ 30. 61.]]] [[[ 62... [ 2020-08-03 10:06:09,539 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [], value = 1 [ 2020-08-03 10:06:09,539 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [], value = 0 [ 2020-08-03 10:06:09,539 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,539 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1 3 1 1 2], value = [[[[[ 30. 61.]]] [[[ 62. 45.]]] [[[ 59. 119.]]]]] [ 2020-08-03 10:06:09,539 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,539 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.26.weight [ 2020-08-03 10:06:09,539 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,539 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,539 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,539 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [255 512 1 1], value = [[[[-2.3031235e-04]] [[ 3.0183792e-04]] [[-1.7671585e-03]] ... [[ 1.7499924e-04]] ... [ 2020-08-03 10:06:09,539 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,539 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.26.bias [ 2020-08-03 10:06:09,539 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,539 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,555 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,555 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [255], value = [ 2.1759033e-02 -7.4340820e-02 -1.1651611e-01 3.8427734e-01 -1.4570312e+00 -1.7490234e+00 -6.77... [ 2020-08-03 10:06:09,571 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,571 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv2.conv.weight [ 2020-08-03 10:06:09,571 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,571 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,571 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,571 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 3 3], value = [[[[-3.4408569e-03 2.3186207e-04 -2.6226044e-03] [-1.2569427e-03 1.0223389e-02 -3.2176971e-0... [ 2020-08-03 10:06:09,571 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,571 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv2.bn.weight [ 2020-08-03 10:06:09,571 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,571 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,571 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,586 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [1.03125 0.83251953 0.6713867 0.88183594 0.8798828 0.71728516 0.92822266 0.8486328 0.58837... [ 2020-08-03 10:06:09,586 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,586 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv2.bn.running_var [ 2020-08-03 10:06:09,586 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,586 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,586 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,586 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.07965088 0.05554199 0.08441162 0.09979248 0.05633545 0.04852295 0.03573608 0.05331421 0.09503... [ 2020-08-03 10:06:09,586 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,586 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv2.bn.running_mean [ 2020-08-03 10:06:09,586 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,586 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,586 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,602 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-7.27539062e-02 -1.76239014e-02 -1.31958008e-01 1.27807617e-01 -3.45153809e-02 -1.39648438e-01... [ 2020-08-03 10:06:09,602 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,602 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv2.bn.bias [ 2020-08-03 10:06:09,602 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,602 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,602 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,602 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-4.12597656e-01 -3.07373047e-01 4.24804688e-01 -2.88574219e-01 -3.22998047e-01 -9.86328125e-02... [ 2020-08-03 10:06:09,602 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,602 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv1.conv.weight [ 2020-08-03 10:06:09,602 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,602 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,602 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,617 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 1 1], value = [[[[-1.2367249e-02]] [[ 1.9912720e-03]] [[-1.7137527e-03]] ... [[-1.9989014e-03]] ... [ 2020-08-03 10:06:09,617 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,617 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv1.bn.weight [ 2020-08-03 10:06:09,617 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,617 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,617 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,617 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.9526367 0.9868164 0.8935547 0.83740234 1.0654297 0.83935547 1.1162109 0.77734375 0.79687... [ 2020-08-03 10:06:09,617 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,617 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv1.bn.running_var [ 2020-08-03 10:06:09,617 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,617 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,617 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,633 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.01210785 0.02270508 0.01902771 0.02478027 0.01312256 0.01165009 0.0229187 0.02146912 0.03485... [ 2020-08-03 10:06:09,633 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,633 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv1.bn.running_mean [ 2020-08-03 10:06:09,633 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,633 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,633 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,633 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-4.53796387e-02 -1.64184570e-01 -1.35498047e-01 -7.81250000e-03 2.80609131e-02 3.31726074e-02... [ 2020-08-03 10:06:09,633 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,633 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.m.0.cv1.bn.bias [ 2020-08-03 10:06:09,633 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,633 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,633 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,649 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.14147949 -0.46264648 -0.31835938 -0.38012695 -0.7524414 -0.27270508 -0.5053711 -0.29345703... [ 2020-08-03 10:06:09,649 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,649 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv4.conv.weight [ 2020-08-03 10:06:09,649 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,649 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,649 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,649 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512 512 1 1], value = [[[[-1.41296387e-02]] [[-1.08909607e-03]] [[ 8.36944580e-03]] ... [[-5.87844849e-03]]... [ 2020-08-03 10:06:09,649 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,649 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv4.bn.weight [ 2020-08-03 10:06:09,649 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,649 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,649 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,664 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.921875 1.8134766 1.2480469 1.5742188 1.2919922 0.97021484 1.2324219 1.9462891 0.45776... [ 2020-08-03 10:06:09,664 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,664 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv4.bn.running_var [ 2020-08-03 10:06:09,664 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,664 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,664 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,664 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.11224365 0.00946045 0.06167603 0.01968384 0.01186371 0.04800415 0.0063591 0.01046753 0.42480... [ 2020-08-03 10:06:09,664 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,664 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv4.bn.running_mean [ 2020-08-03 10:06:09,664 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,664 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,680 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,680 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [-5.18554688e-01 -2.77587891e-01 -8.44116211e-02 -3.40820312e-01 -3.47595215e-02 -2.03979492e-01... [ 2020-08-03 10:06:09,680 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,680 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv4.bn.bias [ 2020-08-03 10:06:09,680 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,680 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,680 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,696 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [ 8.29101562e-01 -1.28173828e-02 1.61376953e-01 -4.32861328e-01 -7.69653320e-02 4.20410156e-01... [ 2020-08-03 10:06:09,696 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,696 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv3.weight [ 2020-08-03 10:06:09,696 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,696 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,696 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,696 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 1 1], value = [[[[-3.4423828e-02]] [[-7.1754456e-03]] [[-2.2754669e-03]] ... [[ 1.1909485e-02]] ... [ 2020-08-03 10:06:09,696 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,696 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv2.weight [ 2020-08-03 10:06:09,696 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,696 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,696 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,696 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 512 1 1], value = [[[[-1.6536713e-03]] [[ 2.4471283e-03]] [[-1.3549805e-02]] ... [[ 1.9668579e-02]] ... [ 2020-08-03 10:06:09,696 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,696 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv1.conv.weight [ 2020-08-03 10:06:09,696 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,696 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,711 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,711 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 512 1 1], value = [[[[ 0.0062294 ]] [[ 0.01132965]] [[ 0.0137558 ]] ... [[ 0.00533676]] [[ 0.0086669... [ 2020-08-03 10:06:09,711 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,711 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv1.bn.weight [ 2020-08-03 10:06:09,711 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,711 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,711 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,711 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [1.0224609 0.8491211 0.85009766 0.8442383 0.8569336 0.96435547 1.1015625 0.9008789 0.97363... [ 2020-08-03 10:06:09,711 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,711 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv1.bn.running_var [ 2020-08-03 10:06:09,711 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,711 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,727 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,727 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.04022217 0.02207947 0.05133057 0.02418518 0.02864075 0.02941895 0.08270264 0.03570557 0.04913... [ 2020-08-03 10:06:09,727 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,727 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv1.bn.running_mean [ 2020-08-03 10:06:09,727 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,727 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,727 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,727 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-1.28906250e-01 -1.29394531e-01 2.14996338e-02 6.66503906e-02 1.10595703e-01 -1.30981445e-01... [ 2020-08-03 10:06:09,727 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,742 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.cv1.bn.bias [ 2020-08-03 10:06:09,742 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,742 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,742 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,742 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [ 0.0328064 -0.28930664 0.19848633 -0.34228516 -0.7207031 -0.46118164 0.29077148 -0.3876953 ... [ 2020-08-03 10:06:09,742 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,742 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.bn.weight [ 2020-08-03 10:06:09,742 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,742 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,742 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,759 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [1.1015625 0.9770508 1.1503906 1.1533203 0.90478516 1.0644531 1.1210938 1.0517578 1.03125 ... [ 2020-08-03 10:06:09,759 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,759 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.bn.running_var [ 2020-08-03 10:06:09,759 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,759 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,759 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,767 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [0.04244995 0.02772522 0.04116821 0.03201294 0.01263428 0.01068115 0.0451355 0.02886963 0.01835... [ 2020-08-03 10:06:09,767 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,767 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.bn.running_mean [ 2020-08-03 10:06:09,767 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,767 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,775 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,775 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [ 8.73565674e-03 1.36352539e-01 -1.21093750e-01 -5.65490723e-02 8.36181641e-02 -1.12670898e-01... [ 2020-08-03 10:06:09,783 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,783 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.25.bn.bias [ 2020-08-03 10:06:09,783 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,783 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,783 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,788 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [512], value = [ 0.7714844 -0.35839844 -0.19128418 -0.20031738 -0.04394531 -0.4428711 0.6020508 0.0423584 ... [ 2020-08-03 10:06:09,788 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,788 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.23.conv.weight [ 2020-08-03 10:06:09,788 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,788 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,788 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,788 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 3 3], value = [[[[ 1.39617920e-03 -1.96099281e-04 8.78334045e-04] [-1.32942200e-03 -2.12860107e-03 -3.48472... [ 2020-08-03 10:06:09,788 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,788 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.23.bn.weight [ 2020-08-03 10:06:09,788 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,803 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,803 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,803 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.92871094 0.9501953 0.88623047 0.96191406 0.84033203 0.74658203 0.8720703 0.83203125 0.93505... [ 2020-08-03 10:06:09,803 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,803 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.23.bn.running_var [ 2020-08-03 10:06:09,803 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,803 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,803 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,819 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [ 0.4440918 0.99072266 0.7636719 0.49145508 0.42089844 0.69628906 0.84521484 0.3010254 ... [ 2020-08-03 10:06:09,819 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,819 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.23.bn.running_mean [ 2020-08-03 10:06:09,819 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,819 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,819 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,819 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [ 4.76074219e-01 -8.09570312e-01 -5.37109375e-01 -5.73730469e-01 7.54882812e-01 1.01135254e-01... [ 2020-08-03 10:06:09,819 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,819 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.23.bn.bias [ 2020-08-03 10:06:09,819 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,819 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,819 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,834 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.3918457 -0.13989258 0.11968994 -0.09368896 -0.04556274 -0.21533203 -0.08807373 -0.42529297... [ 2020-08-03 10:06:09,834 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,834 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.22.weight [ 2020-08-03 10:06:09,834 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,834 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,834 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,834 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [255 256 1 1], value = [[[[ 3.3378601e-05]] [[-2.3250580e-03]] [[-3.8890839e-03]] ... [[-1.5246868e-04]] ... [ 2020-08-03 10:06:09,834 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,834 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.22.bias [ 2020-08-03 10:06:09,834 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,834 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,834 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,834 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [255], value = [-1.62506104e-02 3.98864746e-02 7.35839844e-01 3.74412537e-03 -2.85156250e+00 -1.58593750e+00... [ 2020-08-03 10:06:09,850 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,850 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv2.conv.weight [ 2020-08-03 10:06:09,850 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,850 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,850 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,850 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 3 3], value = [[[[ 5.10025024e-03 4.92572784e-04 3.86238098e-04] [ 9.49096680e-03 -8.02612305e-03 -1.63364... [ 2020-08-03 10:06:09,850 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,850 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv2.bn.weight [ 2020-08-03 10:06:09,850 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,850 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,850 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,866 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.75634766 1.0576172 0.51904297 0.6357422 1.4716797 1.640625 0.5341797 0.9404297 0.4465332... [ 2020-08-03 10:06:09,866 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,866 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv2.bn.running_var [ 2020-08-03 10:06:09,866 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,866 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,866 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,866 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.11151123 0.07843018 0.10302734 0.05499268 0.08856201 0.11584473 0.10461426 0.09356689 0.07226... [ 2020-08-03 10:06:09,866 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,866 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv2.bn.running_mean [ 2020-08-03 10:06:09,866 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,866 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,866 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,866 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [ 0.00835419 -0.08050537 -0.02464294 0.00710678 -0.22387695 -0.18835449 -0.07971191 0.00358963... [ 2020-08-03 10:06:09,881 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,881 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv2.bn.bias [ 2020-08-03 10:06:09,881 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,881 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,881 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,881 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.06506348 -0.67333984 0.8046875 0.47094727 -0.80810547 -0.7944336 0.6723633 -0.5600586 ... [ 2020-08-03 10:06:09,881 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,881 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv1.conv.weight [ 2020-08-03 10:06:09,881 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,881 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,881 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,881 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[-0.00687027]] [[ 0.03384399]] [[-0.00209427]] ... [[-0.00188923]] [[ 0.0544128... [ 2020-08-03 10:06:09,881 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,881 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv1.bn.weight [ 2020-08-03 10:06:09,881 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,881 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,881 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,897 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.8041992 0.68115234 0.86328125 0.81347656 0.78271484 0.87841797 0.85595703 0.9477539 0.86083... [ 2020-08-03 10:06:09,897 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,897 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv1.bn.running_var [ 2020-08-03 10:06:09,897 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,897 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,897 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,897 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.03033447 0.01379395 0.03051758 0.0222168 0.02694702 0.01789856 0.03610229 0.03102112 0.01856... [ 2020-08-03 10:06:09,897 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,897 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv1.bn.running_mean [ 2020-08-03 10:06:09,897 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,897 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,897 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,897 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-8.29467773e-02 3.68690491e-03 -1.40625000e-01 6.87866211e-02 -8.85620117e-02 1.18591309e-01... [ 2020-08-03 10:06:09,913 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,913 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.m.0.cv1.bn.bias [ 2020-08-03 10:06:09,913 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,913 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,913 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,913 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [ 0.1973877 -0.26171875 -0.28979492 -0.0970459 -0.35180664 -0.4482422 0.23022461 -0.55615234 ... [ 2020-08-03 10:06:09,913 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,913 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv4.conv.weight [ 2020-08-03 10:06:09,913 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,913 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,913 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,913 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 1 1], value = [[[[-2.7328491e-02]] [[-2.6721954e-03]] [[-1.1299133e-02]] ... [[ 6.9141388e-04]] ... [ 2020-08-03 10:06:09,913 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,913 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv4.bn.weight [ 2020-08-03 10:06:09,913 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,913 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,928 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,928 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [2.8417969 0.53759766 1.8740234 1.7070312 1.5869141 1.8076172 2.390625 1.4775391 1.887695... [ 2020-08-03 10:06:09,928 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,928 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv4.bn.running_var [ 2020-08-03 10:06:09,928 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,928 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,928 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,928 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.05239868 0.21142578 0.06030273 0.04125977 0.02883911 0.0352478 0.03013611 0.03149414 0.049316... [ 2020-08-03 10:06:09,928 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,928 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv4.bn.running_mean [ 2020-08-03 10:06:09,944 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,944 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,944 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,944 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.38891602 -0.5126953 -0.02900696 -0.28442383 -0.02105713 0.00220299 -0.36669922 -0.26098633... [ 2020-08-03 10:06:09,944 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,944 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv4.bn.bias [ 2020-08-03 10:06:09,944 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,944 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,944 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,944 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.01597595 0.9501953 0.18908691 0.01896667 -0.19555664 0.42578125 -0.5288086 -0.18310547... [ 2020-08-03 10:06:09,944 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,944 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv3.weight [ 2020-08-03 10:06:09,959 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,959 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,959 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,959 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[ 0.02095032]] [[-0.00444794]] [[-0.03845215]] ... [[-0.10314941]] [[ 0.0157775... [ 2020-08-03 10:06:09,959 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,959 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv2.weight [ 2020-08-03 10:06:09,959 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,959 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,959 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,959 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 256 1 1], value = [[[[-0.00183296]] [[-0.00128937]] [[ 0.0043335 ]] ... [[-0.00341034]] [[-0.0261077... [ 2020-08-03 10:06:09,959 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,959 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv1.conv.weight [ 2020-08-03 10:06:09,959 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,959 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,959 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,975 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 256 1 1], value = [[[[ 7.96794891e-04]] [[-3.16467285e-02]] [[-2.09472656e-01]] ... [[-1.43432617e-02]]... [ 2020-08-03 10:06:09,975 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,975 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv1.bn.weight [ 2020-08-03 10:06:09,975 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,975 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,975 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,975 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [1.0302734 0.89501953 0.8540039 0.8256836 0.8984375 0.8691406 1.1044922 0.8569336 0.964355... [ 2020-08-03 10:06:09,975 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,975 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv1.bn.running_var [ 2020-08-03 10:06:09,975 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,975 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,975 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,975 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.08898926 0.0982666 0.12060547 0.05462646 0.11529541 0.15808105 0.10632324 0.06173706 0.07067... [ 2020-08-03 10:06:09,991 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,991 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv1.bn.running_mean [ 2020-08-03 10:06:09,991 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,991 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,991 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,991 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [ 0.08007812 0.1071167 -0.22216797 -0.05236816 0.00978851 0.00444794 -0.27685547 0.16894531... [ 2020-08-03 10:06:09,991 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:09,991 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.cv1.bn.bias [ 2020-08-03 10:06:09,991 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:09,991 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:09,991 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:09,991 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.03607178 -0.30200195 0.105896 -0.23632812 -0.10430908 0.14318848 -0.09234619 0.2758789 ... [ 2020-08-03 10:06:10,006 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,006 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.bn.weight [ 2020-08-03 10:06:10,006 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,006 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,006 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,006 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.77978516 1.0742188 1.3564453 1.0068359 1.5722656 0.47924805 1.0332031 1.0859375 0.89794... [ 2020-08-03 10:06:10,006 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,006 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.bn.running_var [ 2020-08-03 10:06:10,006 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,006 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,006 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,006 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.04574585 0.03140259 0.05889893 0.06628418 0.01773071 0.08514404 0.02668762 0.02368164 0.03463... [ 2020-08-03 10:06:10,022 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,022 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.bn.running_mean [ 2020-08-03 10:06:10,022 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,022 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,022 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,022 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [ 5.18798828e-02 -1.51245117e-01 -2.66845703e-01 -1.03637695e-01 -3.04687500e-01 -3.92333984e-01... [ 2020-08-03 10:06:10,022 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,022 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.21.bn.bias [ 2020-08-03 10:06:10,022 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,022 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,022 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,022 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.6879883 -0.22497559 -0.04846191 0.24438477 -0.59472656 1.7607422 0.11602783 -0.671875 ... [ 2020-08-03 10:06:10,038 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,038 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv2.conv.weight [ 2020-08-03 10:06:10,038 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,038 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,038 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,038 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32 32 3 3], value = [[[[ 1.61132812e-02 -2.85491943e-02 3.02276611e-02] [ 8.79516602e-02 -5.54504395e-02 9.05761... [ 2020-08-03 10:06:10,038 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,038 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv2.bn.weight [ 2020-08-03 10:06:10,038 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,038 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,038 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,038 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [1.2041016 1.2773438 1.6552734 1.5175781 1.6787109 1.4765625 1.375 1.5253906 1.0703125 1.5917969... [ 2020-08-03 10:06:10,038 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,053 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv2.bn.running_var [ 2020-08-03 10:06:10,053 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,053 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,053 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,053 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [0.64990234 0.9160156 0.9243164 1.2822266 1.4003906 0.79296875 0.73828125 1.0576172 0.96679... [ 2020-08-03 10:06:10,053 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,053 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv2.bn.running_mean [ 2020-08-03 10:06:10,053 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,053 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,053 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,053 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [ 0.2355957 -0.24963379 -0.07104492 -0.13598633 0.33911133 -0.6381836 -0.37695312 -0.05828857 ... [ 2020-08-03 10:06:10,053 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,053 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv2.bn.bias [ 2020-08-03 10:06:10,053 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,053 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,053 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,053 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [ 1.2744141 -0.29052734 -0.05078125 0.03851318 -0.36499023 1.1044922 -0.21716309 1.2265625 ... [ 2020-08-03 10:06:10,069 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,069 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv1.conv.weight [ 2020-08-03 10:06:10,069 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,069 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,069 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,069 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32 32 1 1], value = [[[[ 0.04846191]] [[ 0.06988525]] [[-0.0051384 ]] ... [[-0.0793457 ]] [[ 0.1578369... [ 2020-08-03 10:06:10,069 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,069 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv1.bn.weight [ 2020-08-03 10:06:10,069 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,069 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,069 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,069 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [0.87939453 1.1572266 1.0830078 2.1445312 0.99853516 1.3398438 1.4941406 0.9941406 2.087890... [ 2020-08-03 10:06:10,069 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,069 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv1.bn.running_var [ 2020-08-03 10:06:10,069 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,069 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,069 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,084 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [0.11517334 0.09753418 0.09069824 0.29418945 0.1227417 0.14733887 0.15637207 0.12182617 0.26464... [ 2020-08-03 10:06:10,084 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,084 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv1.bn.running_mean [ 2020-08-03 10:06:10,084 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,084 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,084 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,084 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [-0.22265625 -0.01541138 0.16052246 0.31567383 -0.28198242 -0.14575195 1.3378906 -0.2277832 ... [ 2020-08-03 10:06:10,084 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,084 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.m.0.cv1.bn.bias [ 2020-08-03 10:06:10,084 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,084 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,084 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,084 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [-0.06408691 0.14331055 0.07336426 -0.2939453 0.1194458 0.28466797 0.67626953 -0.04641724... [ 2020-08-03 10:06:10,084 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,084 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv4.conv.weight [ 2020-08-03 10:06:10,100 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,100 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,100 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,100 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 1 1], value = [[[[-0.12109375]] [[ 0.05883789]] [[ 0.03656006]] ... [[ 0.04663086]] [[-0.1181640... [ 2020-08-03 10:06:10,100 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,100 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv4.bn.weight [ 2020-08-03 10:06:10,100 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,100 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,100 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,100 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.9291992 1.3349609 1.2978516 2.3554688 1.9306641 1.0595703 2.2617188 1.3564453 1.230468... [ 2020-08-03 10:06:10,100 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,100 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv4.bn.running_var [ 2020-08-03 10:06:10,100 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,100 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,100 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,116 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.3400879 0.62939453 0.3330078 1.296875 1.1953125 0.5703125 1.2802734 0.42138672 0.351074... [ 2020-08-03 10:06:10,116 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,116 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv4.bn.running_mean [ 2020-08-03 10:06:10,116 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,116 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,116 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,116 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-2.36328125e+00 -4.01855469e-01 -1.06933594e+00 -5.79528809e-02 7.71484375e-01 -4.59716797e-01... [ 2020-08-03 10:06:10,116 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,116 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv4.bn.bias [ 2020-08-03 10:06:10,116 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,116 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,116 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,116 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [ 0.2331543 0.54541016 -1.0595703 -0.3996582 0.25878906 1.5908203 -0.4013672 0.03375244 ... [ 2020-08-03 10:06:10,116 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,116 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv3.weight [ 2020-08-03 10:06:10,116 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,131 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,131 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,131 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32 32 1 1], value = [[[[-0.05340576]] [[ 0.01322174]] [[-0.15771484]] ... [[-0.11798096]] [[-0.1979980... [ 2020-08-03 10:06:10,131 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,131 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv2.weight [ 2020-08-03 10:06:10,131 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,131 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,131 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,131 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32 64 1 1], value = [[[[ 0.00701904]] [[ 0.01577759]] [[ 0.02050781]] ... [[-0.30371094]] [[ 0.0038547... [ 2020-08-03 10:06:10,131 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,131 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv1.conv.weight [ 2020-08-03 10:06:10,131 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,131 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,131 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,131 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32 64 1 1], value = [[[[-0.11004639]] [[-0.24682617]] [[ 0.01274109]] ... [[-0.0100174 ]] [[-0.0398254... [ 2020-08-03 10:06:10,147 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,147 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv1.bn.weight [ 2020-08-03 10:06:10,147 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,147 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,147 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,147 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [0.8540039 1.0615234 1.0410156 0.82177734 1.4355469 0.54589844 0.83154297 0.6147461 0.79980... [ 2020-08-03 10:06:10,147 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,147 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv1.bn.running_var [ 2020-08-03 10:06:10,147 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,147 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,147 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,147 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [0.80371094 0.8129883 1.0380859 0.6118164 0.92529297 0.50878906 0.87597656 0.76904297 0.78613... [ 2020-08-03 10:06:10,147 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,147 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv1.bn.running_mean [ 2020-08-03 10:06:10,147 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,147 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,162 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,162 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [ 2.6484375 0.4934082 -3.0585938 0.3317871 0.54052734 0.1998291 1.3408203 -1.6855469 ... [ 2020-08-03 10:06:10,162 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,162 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.cv1.bn.bias [ 2020-08-03 10:06:10,162 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,162 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,162 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,162 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [ 0.24206543 -0.03311157 -0.01655579 0.08929443 -0.07476807 0.69921875 -0.05453491 0.92285156... [ 2020-08-03 10:06:10,162 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,162 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.bn.weight [ 2020-08-03 10:06:10,162 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,162 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,162 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,162 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [1.4365234 1.4833984 1.0908203 1.4433594 0.98046875 1.2050781 1.4365234 1.3603516 1.490234... [ 2020-08-03 10:06:10,162 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,162 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.bn.running_var [ 2020-08-03 10:06:10,178 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,178 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,178 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,178 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.35717773 0.6113281 0.6435547 1.0566406 0.5810547 0.7294922 0.85595703 0.50097656 0.992675... [ 2020-08-03 10:06:10,178 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,178 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.bn.running_mean [ 2020-08-03 10:06:10,178 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,178 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,178 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,178 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-1.7705078 -0.13952637 -0.91503906 -0.03738403 1.6132812 0.16052246 1.5224609 -1.2861328 ... [ 2020-08-03 10:06:10,178 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,178 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.2.bn.bias [ 2020-08-03 10:06:10,178 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,178 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,178 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,194 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.11859131 0.05609131 0.08929443 -0.08111572 2.59375 0.05554199 0.5756836 -0.09759521... [ 2020-08-03 10:06:10,194 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,194 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.19.conv.weight [ 2020-08-03 10:06:10,194 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,194 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,194 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,194 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 3 3], value = [[[[-3.39508057e-04 5.80978394e-03 -2.01988220e-03] [ 2.34413147e-03 1.67560577e-03 -3.18145... [ 2020-08-03 10:06:10,194 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,194 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.19.bn.weight [ 2020-08-03 10:06:10,194 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,194 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,194 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,209 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [1.2109375 1.1396484 1.1806641 0.8413086 1.1748047 0.7133789 1.2441406 1.0400391 0.990234... [ 2020-08-03 10:06:10,209 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,209 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.19.bn.running_var [ 2020-08-03 10:06:10,209 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,209 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,209 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,209 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.8334961 1.0791016 1.2773438 0.45336914 0.30249023 1.4384766 0.5600586 0.38085938 0.501464... [ 2020-08-03 10:06:10,209 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,209 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.19.bn.running_mean [ 2020-08-03 10:06:10,209 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,209 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,209 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,209 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.05947876 -1.9667969 1.1279297 0.029953 -0.43066406 -1.4638672 -0.5727539 -0.13781738 ... [ 2020-08-03 10:06:10,209 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,209 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.19.bn.bias [ 2020-08-03 10:06:10,225 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,225 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,225 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,225 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.46850586 -0.82714844 0.2401123 -0.24169922 -0.57421875 0.01898193 -0.7416992 -0.5102539 ... [ 2020-08-03 10:06:10,225 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,225 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.18.weight [ 2020-08-03 10:06:10,225 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,225 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,225 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,225 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [255 128 1 1], value = [[[[-3.6048889e-04]] [[-3.0197144e-02]] [[-1.3504028e-03]] ... [[ 3.7503242e-04]] ... [ 2020-08-03 10:06:10,225 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,225 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.18.bias [ 2020-08-03 10:06:10,225 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,225 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,225 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,241 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [255], value = [ 0.3671875 0.04034424 1.0839844 0.8300781 -4.5 -1.2871094 -5.4648438 -3.78125 ... [ 2020-08-03 10:06:10,241 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,241 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv2.conv.weight [ 2020-08-03 10:06:10,241 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,241 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,241 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,241 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 3 3], value = [[[[-1.21154785e-02 -1.73492432e-02 3.53431702e-03] [-4.69589233e-03 3.17382812e-02 2.16522... [ 2020-08-03 10:06:10,241 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,241 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv2.bn.weight [ 2020-08-03 10:06:10,241 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,241 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,241 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,256 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.80078125 0.86376953 0.81884766 0.78271484 0.8383789 0.7739258 1.3046875 0.3935547 0.756347... [ 2020-08-03 10:06:10,256 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,256 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv2.bn.running_var [ 2020-08-03 10:06:10,256 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,256 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,256 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,256 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.06738281 0.03442383 0.02151489 0.04333496 0.0680542 0.08374023 0.10345459 0.04470825 0.04922... [ 2020-08-03 10:06:10,256 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,256 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv2.bn.running_mean [ 2020-08-03 10:06:10,256 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,256 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,256 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,256 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [ 0.30078125 0.0266571 -0.30029297 -0.14379883 -0.31689453 0.6020508 0.05477905 -0.23730469 ... [ 2020-08-03 10:06:10,256 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,273 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv2.bn.bias [ 2020-08-03 10:06:10,273 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,273 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,273 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,273 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [ 0.35595703 -0.6743164 -0.734375 0.08728027 0.5307617 0.5292969 -0.39526367 1.0976562 ... [ 2020-08-03 10:06:10,273 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,273 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv1.conv.weight [ 2020-08-03 10:06:10,281 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,281 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,281 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,281 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 1 1], value = [[[[ 0.00492096]] [[-0.02597046]] [[-0.00989532]] ... [[-0.01290131]] [[ 0.0553283... [ 2020-08-03 10:06:10,281 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,281 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv1.bn.weight [ 2020-08-03 10:06:10,281 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,281 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,281 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,289 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.47924805 0.42895508 0.85302734 0.64160156 0.5810547 0.25341797 0.55078125 0.7246094 0.79687... [ 2020-08-03 10:06:10,289 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,289 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv1.bn.running_var [ 2020-08-03 10:06:10,289 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,289 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,289 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,289 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.03927612 0.02307129 0.02011108 0.01490784 0.01448059 0.01719666 0.12915039 0.01577759 0.01483... [ 2020-08-03 10:06:10,297 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,297 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv1.bn.running_mean [ 2020-08-03 10:06:10,297 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,297 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,297 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,297 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [ 0.33813477 0.34716797 -0.25732422 -0.02319336 -0.30297852 0.09509277 -1.796875 -0.24035645... [ 2020-08-03 10:06:10,297 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,297 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.m.0.cv1.bn.bias [ 2020-08-03 10:06:10,297 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,304 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,304 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,304 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [ 0.45922852 0.57910156 -0.95654297 -0.62060547 -0.46801758 0.6147461 1.5625 -0.875 ... [ 2020-08-03 10:06:10,304 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,304 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv4.conv.weight [ 2020-08-03 10:06:10,304 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,304 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,304 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,304 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[-0.00491714]] [[-0.02664185]] [[-0.00632095]] ... [[ 0.00128365]] [[ 0.0152969... [ 2020-08-03 10:06:10,304 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,304 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv4.bn.weight [ 2020-08-03 10:06:10,304 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,304 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,304 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,304 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [2.3847656 1.9824219 2.1347656 2.0722656 2.453125 2.5839844 2.375 2.1796875 2.689453... [ 2020-08-03 10:06:10,304 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,304 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv4.bn.running_var [ 2020-08-03 10:06:10,304 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,304 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,320 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,320 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.03735352 0.04733276 0.39575195 0.02459717 0.03378296 0.03308105 0.04876709 0.06835938 0.03329... [ 2020-08-03 10:06:10,320 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,320 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv4.bn.running_mean [ 2020-08-03 10:06:10,320 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,320 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,320 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,320 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [ 1.04309082e-01 8.17260742e-02 -9.76562500e-01 1.08496094e+00 -4.06982422e-01 -3.97216797e-01... [ 2020-08-03 10:06:10,320 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,320 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv4.bn.bias [ 2020-08-03 10:06:10,320 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,320 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,335 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,335 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-3.67919922e-01 5.72753906e-01 4.28906250e+00 -8.04687500e-01 -5.72265625e-01 -7.44628906e-01... [ 2020-08-03 10:06:10,335 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,335 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv3.weight [ 2020-08-03 10:06:10,335 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,335 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,335 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,335 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 64 1 1], value = [[[[ 0.00780106]] [[-0.00107288]] [[-0.01158142]] ... [[-0.00637054]] [[ 0.0415954... [ 2020-08-03 10:06:10,335 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,335 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv2.weight [ 2020-08-03 10:06:10,335 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,335 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,335 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,351 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 64 256 1 1], value = [[[[ 0.03604126]] [[-0.00784302]] [[ 0.04504395]] ... [[ 0.00344849]] [[-0.0044441... [ 2020-08-03 10:06:10,351 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,351 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv1.conv.weight [ 2020-08-03 10:06:10,351 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,351 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,351 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,351 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 64 256 1 1], value = [[[[ 0.0124054 ]] [[ 0.00260162]] [[ 0.01333618]] ... [[ 0.03649902]] [[ 0.0048141... [ 2020-08-03 10:06:10,351 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,351 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv1.bn.weight [ 2020-08-03 10:06:10,351 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,351 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,351 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,351 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.8833008 0.48046875 0.6152344 0.5654297 0.78271484 0.57373047 0.6020508 0.9916992 0.55468... [ 2020-08-03 10:06:10,351 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,351 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv1.bn.running_var [ 2020-08-03 10:06:10,351 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,367 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,367 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,367 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.09289551 0.24145508 0.15661621 0.140625 0.11126709 0.13317871 0.08135986 0.12536621 0.15270... [ 2020-08-03 10:06:10,367 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,367 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv1.bn.running_mean [ 2020-08-03 10:06:10,367 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,367 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,367 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,367 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [ 0.11749268 -0.11407471 -0.18249512 0.35668945 -0.21972656 -0.26049805 -0.39208984 -0.02323914... [ 2020-08-03 10:06:10,367 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,367 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.cv1.bn.bias [ 2020-08-03 10:06:10,367 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,367 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,367 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,382 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.40283203 1.9443359 -0.31152344 -0.08166504 -1.3203125 -0.36254883 -0.9428711 -1.8134766 ... [ 2020-08-03 10:06:10,382 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,382 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.bn.weight [ 2020-08-03 10:06:10,382 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,382 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,382 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,382 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.75097656 0.6665039 0.9165039 0.6586914 1.4804688 0.9350586 1.0888672 1.1611328 0.891113... [ 2020-08-03 10:06:10,382 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,382 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.bn.running_var [ 2020-08-03 10:06:10,382 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,382 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,398 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,398 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.05941772 0.03083801 0.07244873 0.04803467 0.01763916 0.03253174 0.02987671 0.05020142 0.01673... [ 2020-08-03 10:06:10,398 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,398 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.bn.running_mean [ 2020-08-03 10:06:10,398 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,398 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,398 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,398 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.01750183 1.1503906 -0.11651611 0.30249023 -0.17468262 -0.17993164 -0.3359375 -0.359375 ... [ 2020-08-03 10:06:10,398 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,398 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.17.bn.bias [ 2020-08-03 10:06:10,398 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,414 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,414 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,414 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [ 7.61230469e-01 -1.24804688e+00 1.00683594e+00 2.21484375e+00 -1.13769531e+00 -2.61474609e-01... [ 2020-08-03 10:06:10,414 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,414 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.14.conv.weight [ 2020-08-03 10:06:10,414 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,414 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,414 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,414 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 256 1 1], value = [[[[ 0.10064697]] [[-0.02210999]] [[ 0.0189209 ]] ... [[ 0.0056572 ]] [[-0.0422363... [ 2020-08-03 10:06:10,414 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,414 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.14.bn.weight [ 2020-08-03 10:06:10,414 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,429 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,429 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,433 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.7290039 0.78125 0.68603516 0.7446289 0.8183594 0.7246094 0.8876953 0.84814453 0.769531... [ 2020-08-03 10:06:10,433 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,433 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.14.bn.running_var [ 2020-08-03 10:06:10,433 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,433 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,433 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,433 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.03277588 0.02763367 0.05917358 0.04058838 0.0269928 0.05682373 0.08172607 0.02700806 0.02687... [ 2020-08-03 10:06:10,433 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,433 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.14.bn.running_mean [ 2020-08-03 10:06:10,433 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,433 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,433 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,449 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.07635498 -0.13232422 -0.0453186 -0.08428955 -0.03649902 0.18347168 0.03833008 -0.01228333... [ 2020-08-03 10:06:10,449 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,449 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.14.bn.bias [ 2020-08-03 10:06:10,449 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,449 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,449 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,449 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [ 0.15246582 -0.27807617 1.2421875 0.15112305 -0.41918945 0.5234375 0.9111328 -0.16137695 ... [ 2020-08-03 10:06:10,449 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,449 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv2.conv.weight [ 2020-08-03 10:06:10,449 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,449 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,449 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,464 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 3 3], value = [[[[-5.87844849e-03 6.25991821e-03 -9.34600830e-03] [-1.89208984e-02 -9.62829590e-03 -2.70652... [ 2020-08-03 10:06:10,464 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,464 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv2.bn.weight [ 2020-08-03 10:06:10,464 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,464 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,464 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,464 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.7866211 0.9863281 0.94091797 0.5366211 1.0839844 0.74658203 1.1933594 0.6894531 0.68847... [ 2020-08-03 10:06:10,464 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,464 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv2.bn.running_var [ 2020-08-03 10:06:10,464 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,464 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,464 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,464 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.12866211 0.13452148 0.09637451 0.08831787 0.08300781 0.4128418 0.16894531 0.13708496 0.215454... [ 2020-08-03 10:06:10,464 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,464 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv2.bn.running_mean [ 2020-08-03 10:06:10,480 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,484 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,484 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,484 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.19091797 -0.14428711 -0.0581665 0.0562439 -0.03921509 -0.37109375 -1.0517578 -0.234375 ... [ 2020-08-03 10:06:10,484 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,484 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv2.bn.bias [ 2020-08-03 10:06:10,484 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,484 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,484 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,484 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.06286621 -0.7236328 -0.7402344 0.7661133 -0.94628906 0.5175781 -0.62158203 0.20251465 ... [ 2020-08-03 10:06:10,484 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,484 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv1.conv.weight [ 2020-08-03 10:06:10,484 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,484 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,484 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,484 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[-0.03665161]] [[-0.03335571]] [[-0.03170776]] ... [[-0.06958008]] [[-0.0576171... [ 2020-08-03 10:06:10,484 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,499 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv1.bn.weight [ 2020-08-03 10:06:10,499 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,499 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,499 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,499 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.79052734 0.82958984 0.68603516 0.63378906 0.72509766 0.6611328 0.88916016 0.9667969 0.729492... [ 2020-08-03 10:06:10,499 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,499 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv1.bn.running_var [ 2020-08-03 10:06:10,499 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,499 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,499 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,499 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.04638672 0.02059937 0.03010559 0.03588867 0.03973389 0.03775024 0.02287292 0.04956055 0.05120... [ 2020-08-03 10:06:10,499 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,499 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv1.bn.running_mean [ 2020-08-03 10:06:10,499 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,499 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,515 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,515 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.09020996 -0.21228027 -0.18762207 -0.00554276 -0.04129028 -0.41210938 -0.08422852 -0.11895752... [ 2020-08-03 10:06:10,515 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,515 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.m.0.cv1.bn.bias [ 2020-08-03 10:06:10,515 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,515 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,515 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,515 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.22973633 -0.9638672 -0.08184814 0.06045532 -0.04928589 -0.24682617 -0.8305664 -0.87841797... [ 2020-08-03 10:06:10,515 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,515 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv4.conv.weight [ 2020-08-03 10:06:10,515 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,515 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,515 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,530 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 256 1 1], value = [[[[ 1.0217285e-01]] [[ 7.8811646e-03]] [[ 4.5623779e-03]] ... [[-2.4337769e-02]] ... [ 2020-08-03 10:06:10,530 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,530 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv4.bn.weight [ 2020-08-03 10:06:10,530 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,530 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,530 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,530 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.7973633 0.7421875 0.7319336 0.8339844 1.0039062 0.6176758 0.5527344 0.95214844 0.674316... [ 2020-08-03 10:06:10,530 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,530 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv4.bn.running_var [ 2020-08-03 10:06:10,530 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,530 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,530 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,546 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.05651855 0.08410645 0.0513916 0.15490723 0.06082153 0.07421875 0.10565186 0.05828857 0.05047... [ 2020-08-03 10:06:10,546 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,546 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv4.bn.running_mean [ 2020-08-03 10:06:10,546 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,546 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,546 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,546 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-0.39990234 -0.19702148 -0.23217773 -0.53271484 -0.37451172 -0.03405762 0.2121582 -0.31396484... [ 2020-08-03 10:06:10,546 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,546 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv4.bn.bias [ 2020-08-03 10:06:10,546 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,546 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,546 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-1.2138672 -0.17016602 -0.42358398 0.32006836 -1.0830078 0.26293945 -0.03105164 -1.5341797 ... [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv3.weight [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 128 1 1], value = [[[[-0.00161171]] [[ 0.0027771 ]] [[ 0.11450195]] ... [[ 0.02368164]] [[ 0.0023345... [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv2.weight [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 512 1 1], value = [[[[-0.01672363]] [[ 0.04568481]] [[ 0.01305389]] ... [[ 0.00162697]] [[-0.0048141... [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv1.conv.weight [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128 512 1 1], value = [[[[-0.05197144]] [[-0.03161621]] [[ 0.0206604 ]] ... [[-0.02081299]] [[ 0.0260162... [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv1.bn.weight [ 2020-08-03 10:06:10,562 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.85595703 0.59472656 0.6611328 1.0302734 1.0869141 0.92529297 0.9501953 0.92871094 0.70898... [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv1.bn.running_var [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [0.09881592 0.18688965 0.09100342 0.09759521 0.13452148 0.10467529 0.12963867 0.10028076 0.12841... [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv1.bn.running_mean [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-0.14685059 -0.2680664 -0.13806152 -0.19250488 -0.08209229 -0.17675781 -0.18945312 -0.00852966... [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.cv1.bn.bias [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,577 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,593 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [128], value = [-1.1865234e+00 1.9238281e+00 -1.8078613e-01 -1.8037109e+00 -7.1582031e-01 -1.1679688e+00 -1.07... [ 2020-08-03 10:06:10,593 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,593 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.bn.weight [ 2020-08-03 10:06:10,593 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,593 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,593 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,593 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.6513672 0.9863281 0.7885742 1.0117188 0.7783203 0.9379883 0.7036133 0.9272461 0.793945... [ 2020-08-03 10:06:10,593 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,593 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.bn.running_var [ 2020-08-03 10:06:10,593 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,593 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,593 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,609 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.02949524 0.03079224 0.03961182 0.05044556 0.05395508 0.06167603 0.02859497 0.06057739 0.04006... [ 2020-08-03 10:06:10,609 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,609 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.bn.running_mean [ 2020-08-03 10:06:10,609 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,609 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,609 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,609 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [ 0.07843018 -0.10314941 0.17199707 -0.02937317 -0.15515137 -0.22143555 -0.04086304 -0.04968262... [ 2020-08-03 10:06:10,609 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,609 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.13.bn.bias [ 2020-08-03 10:06:10,609 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,609 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,609 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,609 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-6.95800781e-01 -7.89062500e-01 2.53662109e-01 -2.80761719e-01 -3.47656250e-01 -3.78662109e-01... [ 2020-08-03 10:06:10,609 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,609 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.10.conv.weight [ 2020-08-03 10:06:10,609 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,609 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,609 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,624 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256 512 1 1], value = [[[[ 0.00856018]] [[ 0.01030731]] [[-0.01037598]] ... [[-0.00252914]] [[-0.0169982... [ 2020-08-03 10:06:10,624 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,624 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.10.bn.weight [ 2020-08-03 10:06:10,624 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,624 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,624 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,624 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.7402344 0.8330078 1.0205078 0.90966797 0.7783203 0.80615234 0.73828125 0.91308594 0.94921... [ 2020-08-03 10:06:10,624 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,624 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.10.bn.running_var [ 2020-08-03 10:06:10,624 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,624 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,624 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,624 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [0.0413208 0.05456543 0.04760742 0.03152466 0.03924561 0.07653809 0.06878662 0.0581665 0.03604... [ 2020-08-03 10:06:10,624 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,624 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.10.bn.running_mean [ 2020-08-03 10:06:10,624 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,624 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,624 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,640 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-5.11474609e-02 -3.95202637e-02 1.77612305e-02 -2.78778076e-02 -1.18835449e-01 -6.65893555e-02... [ 2020-08-03 10:06:10,640 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,640 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.10.bn.bias [ 2020-08-03 10:06:10,640 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,640 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,640 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,640 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [256], value = [-1.76147461e-01 -3.16406250e-01 -1.01953125e+00 -1.00781250e+00 -1.07360840e-01 8.73413086e-02... [ 2020-08-03 10:06:10,640 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,640 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.1.conv.weight [ 2020-08-03 10:06:10,640 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,640 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,640 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,640 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64 32 3 3], value = [[[[-5.16052246e-02 2.44750977e-02 9.57489014e-03] [-2.79388428e-02 1.71051025e-02 -1.67236... [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.1.bn.weight [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [1.4462891 1.5927734 1.4492188 1.3662109 1.0888672 1.2460938 1.2119141 1.4257812 1.4267578 1.377... [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.1.bn.running_var [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [0.7788086 0.6542969 0.6064453 0.34179688 0.36547852 0.4128418 0.52441406 0.6748047 0.480712... [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.1.bn.running_mean [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.27978516 -3.3964844 0.3540039 -0.2241211 0.46118164 -0.3659668 -0.9423828 0.81640625 ... [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.1.bn.bias [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [64], value = [-0.15100098 -0.88916016 0.8564453 -1.5009766 1.4560547 -0.12103271 -0.1616211 1.2158203 ... [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.0.conv.conv.weight [ 2020-08-03 10:06:10,655 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,671 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,671 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,671 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32 12 3 3], value = [[[[ 0.00303841 -0.02339172 0.01325226] [-0.01190948 0.12420654 0.11230469] [ 0.02513123... [ 2020-08-03 10:06:10,671 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,671 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.0.conv.bn.weight [ 2020-08-03 10:06:10,671 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,671 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,671 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,671 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [1.1875 1.0058594 0.84228516 1.0380859 0.9526367 1.0947266 1.3623047 2.4667969 0.378417... [ 2020-08-03 10:06:10,671 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,671 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.0.conv.bn.running_var [ 2020-08-03 10:06:10,671 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,671 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,671 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,671 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [0.00649643 0.15039062 0.00821686 0.01834106 0.01940918 0.00955963 0.22802734 0.15368652 0.14709... [ 2020-08-03 10:06:10,671 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,671 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.0.conv.bn.running_mean [ 2020-08-03 10:06:10,671 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,671 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [-3.2768250e-03 6.7260742e-02 -1.8768311e-02 2.2048950e-03 -2.3975372e-03 2.4700165e-03 -9.35... [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_model.0.conv.bn.bias [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [32], value = [-1.6230469 0.63134766 -0.3774414 1.3613281 1.0195312 -2.0429688 0.42260742 -2.7070312 ... [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1334 [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [85] [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1333 [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1332 [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [2] [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,687 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1331 [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1330 [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1329 [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [85] [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1328 [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [3] [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1327 [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [85] [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1326 [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,702 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1325 [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [2] [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1324 [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1323 [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1322 [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [85] [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1321 [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,718 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [3] [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1320 [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [85] [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1319 [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [-1] [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1318 [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [2] [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1317 [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1316 [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [1] [ 2020-08-03 10:06:10,734 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1315 [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [85] [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:130 ] Partial infer for onnx_initializer_node_1314 [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:131 ] Op: Const [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [1], value = [3] [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:130 ] Partial infer for 0 [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:131 ] Op: Parameter [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 1 3 640 640], value = [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:130 ] Partial infer for Slice_2 [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:131 ] Op: Slice [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [ 1 3 640 640], value = [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 1 3 639 640], value = [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:130 ] Partial infer for Slice_3 [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:131 ] Op: Slice [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,749 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [ 1 3 639 640], value = [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 1 3 639 639], value = [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:130 ] Partial infer for Slice_1 [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:131 ] Op: Slice [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [ 1 3 640 640], value = [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 1 3 640 639], value = [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:130 ] Partial infer for Slice_0 [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:131 ] Op: Slice [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [ 1 3 640 640], value = [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:32 ] output[0]: shape = [ 1 3 639 640], value = [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:129 ] -------------------- [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:130 ] Partial infer for Concat_4 [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:131 ] Op: Concat [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:132 ] Inputs: [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:32 ] input[0]: shape = [ 1 3 640 640], value = [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:32 ] input[1]: shape = [ 1 3 639 640], value = [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:32 ] input[2]: shape = [ 1 3 640 639], value = [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:32 ] input[3]: shape = [ 1 3 639 639], value = [ ERROR ] Concat input shapes do not match [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:145 ] Outputs: [ 2020-08-03 10:06:10,765 ] [ DEBUG ] [ infer:32 ] output[0]: shape = , value = [ ERROR ] Shape is not defined for output 0 of "Concat_4". [ ERROR ] Cannot infer shapes or values for node "Concat_4". [ ERROR ] Not all output shapes were inferred or fully defined for node "Concat_4". For more information please refer to Model Optimizer FAQ (https://docs.openvinotoolkit.org/latest/_docs_MO_DG_prepare_model_Model_Optimizer_FAQ.html), question #40. [ ERROR ] [ ERROR ] It can happen due to bug in custom shape infer function . [ ERROR ] Or because the node inputs have incorrect values/shapes. [ ERROR ] Or because input shapes are incorrect (embedded to the model or passed via --input_shape). [ 2020-08-03 10:06:10,781 ] [ DEBUG ] [ infer:197 ] Node "Concat_4" attributes: {'pb': input: "0" input: "371" input: "372" input: "374" output: "375" name: "Concat_4" op_type: "Concat" attribute { name: "axis" i: 1 type: INT } , 'kind': 'op', '_in_ports': {0: {'control_flow': False}, 1: {'control_flow': False}, 2: {'control_flow': False}, 3: {'control_flow': False}}, '_out_ports': {0: {'control_flow': False}}, 'name': 'Concat_4', 'op': 'Concat', 'type': 'Concat', 'axis': 1, 'infer': , 'IE': [('layer', [('id', . at 0x000001BABBAFEF28>), 'name', 'type', 'version'], [('data', ['auto_pad', 'epsilon', 'min', 'max', ('axis', . at 0x000001BABBAFE1E0>), 'tiles', ('dim', . at 0x000001BABBAFE158>), 'num_axes', ('pool-method', 'pool_method'), 'group', ('rounding-type', 'rounding_type'), ('exclude-pad', 'exclude_pad'), 'operation', 'out-size', 'power', 'shift', 'alpha', 'beta', 'coords', 'classes', 'num', ('local-size', 'local_size'), 'region', 'knorm', 'bias', 'num_classes', 'keep_top_k', 'variance_encoded_in_target', 'code_type', 'share_location', 'nms_threshold', 'confidence_threshold', 'background_label_id', 'top_k', 'eta', 'visualize', 'visualize_threshold', 'save_file', 'output_directory', 'output_name_prefix', 'output_format', 'label_map_file', 'name_size_file', 'num_test_image', 'prob', 'resize_mode', 'height', 'width', 'height_scale', 'width_scale', 'pad_mode', 'pad_value', 'interp_mode', 'img_size', 'img_h', 'img_w', 'step', 'step_h', 'step_w', ('offset', . at 0x000001BABBA5FD90>), 'variance', 'flip', 'clip', ('min_size', . at 0x000001BABBA5FE18>), ('max_size', . at 0x000001BABBA5FEA0>), ('aspect_ratio', . at 0x000001BABBA5FF28>), 'decrease_label_id', 'normalized', 'scale_all_sizes', ('type', 'norm_type'), 'eps', 'eps_mode', 'across_spatial', 'channel_shared', 'negative_slope', 'engine', 'num_filter', ('type', 'sample_type'), ('order', . at 0x000001BABBB04EA0>), 'pooled_h', 'pooled_w', 'spatial_scale', 'cls_threshold', 'max_num_proposals', 'iou_threshold', 'min_bbox_size', 'feat_stride', 'pre_nms_topn', 'post_nms_topn', ('type', . at 0x000001BABBB1F048>), ('value', . at 0x000001BABBB1F0D0>), ('output', . at 0x000001BABBB1F158>), ('input_nodes_names', . at 0x000001BABBB1F1E0>), ('output_tensors_names', . at 0x000001BABBB1F268>), ('real_input_dims', . at 0x000001BABBB1F2F0>), ('protobuf', . at 0x000001BABBB1F378>), {'custom_attributes': None}, ('strides', . at 0x000001BABBB1F400>), ('kernel', . at 0x000001BABBB1F488>), ('dilations', . at 0x000001BABBB1F510>), ('pads_begin', . at 0x000001BABBB1F598>), ('pads_end', . at 0x000001BABBB1F620>), ('scale', . at 0x000001BABBB1F6A8>), 'crop_width', 'crop_height', 'write_augmented', 'max_multiplier', 'augment_during_test', 'recompute_mean', 'write_mean', 'mean_per_pixel', 'mode', 'bottomwidth', 'bottomheight', 'chromatic_eigvec', 'kernel_size', 'max_displacement', 'stride_1', 'stride_2', 'single_direction', 'do_abs', 'correlation_type', 'antialias', 'resample_type', 'factor', 'coeff', ('ratio', . at 0x000001BABBB1F730>), 'size'], []), '@ports', '@consts'])], 'dim_attrs': ['spatial_dims', 'batch_dims', 'axis', 'channel_dims'], 'shape_attrs': ['pad', 'shape', 'stride', 'window', 'output_shape'], 'is_output_reachable': True, 'is_undead': False, 'is_const_producer': False, 'is_partial_inferred': False} [ ERROR ] Exception occurred during running replacer "REPLACEMENT_ID" (): Stopped shape/value propagation at "Concat_4" node. For more information please refer to Model Optimizer FAQ (https://docs.openvinotoolkit.org/latest/_docs_MO_DG_prepare_model_Model_Optimizer_FAQ.html), question #38. [ 2020-08-03 10:06:10,804 ] [ DEBUG ] [ main:322 ] Traceback (most recent call last): File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\middle\passes\infer.py", line 169, in partial_infer node_name) mo.utils.error.Error: Not all output shapes were inferred or fully defined for node "Concat_4". For more information please refer to Model Optimizer FAQ (https://docs.openvinotoolkit.org/latest/_docs_MO_DG_prepare_model_Model_Optimizer_FAQ.html), question #40. The above exception was the direct cause of the following exception: Traceback (most recent call last): File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 288, in apply_transform for_graph_and_each_sub_graph_recursively(graph, replacer.find_and_replace_pattern) File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\middle\pattern_match.py", line 58, in for_graph_and_each_sub_graph_recursively func(graph) File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\extensions\middle\PartialInfer.py", line 32, 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 199, in partial_infer refer_to_faq_msg(38)) from err mo.utils.error.Error: Stopped shape/value propagation at "Concat_4" 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 309, in main ret_code = driver(argv) File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\main.py", line 270, in driver ret_res = emit_ir(prepare_ir(argv), argv) File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\main.py", line 235, in prepare_ir graph = unified_pipeline(argv) File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\pipeline\unified.py", line 29, in unified_pipeline class_registration.ClassType.BACK_REPLACER File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 334, in apply_replacements apply_replacements_list(graph, replacers_order) File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 324, in apply_replacements_list num_transforms=len(replacers_order)) File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\utils\logger.py", line 124, in wrapper function(*args, **kwargs) File "C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer\mo\utils\class_registration.py", line 304, in apply_transform )) from err mo.utils.error.Error: Exception occurred during running replacer "REPLACEMENT_ID" (): Stopped shape/value propagation at "Concat_4" 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. (model_converter) C:\Program Files (x86)\IntelSWTools\openvino\deployment_tools\model_optimizer>