(openvino_latest) dranzer@PCBLR6000:/opt/intel/openvino_2021/deployment_tools/model_optimizer$ python3 mo_tf.py --saved_model_dir /home/dranzer/Desktop/test_model/ --output_dir /home/dranzer/Desktop/test_model/ --log_level=DEBUG [ 2021-09-13 15:49:07,746 ] [ DEBUG ] [ main:112 ] Namespace(batch=None, data_type='float', disable_fusing=None, disable_gfusing=None, disable_nhwc_to_nchw=False, disable_resnet_optimization=False, disable_weights_compression=False, enable_concat_optimization=False, extensions='/opt/intel/openvino_2021/deployment_tools/model_optimizer/extensions', finegrain_fusing=None, framework='tf', freeze_placeholder_with_value=None, generate_deprecated_IR_V7=False, input=None, input_checkpoint=None, input_meta_graph=None, input_model=None, input_model_is_text=False, input_shape=None, keep_shape_ops=True, legacy_ir_generation=False, log_level='DEBUG', mean_values=(), model_name=None, move_to_preprocess=None, output=None, output_dir='/home/dranzer/Desktop/test_model/', progress=False, reverse_input_channels=False, saved_model_dir='/home/dranzer/Desktop/test_model/', saved_model_tags=None, scale=None, scale_values=(), silent=False, static_shape=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, transform='', transformations_config=None) [ 2021-09-13 15:49:07,747 ] [ DEBUG ] [ main:113 ] Model Optimizer started [ 2021-09-13 15:49:07,747 ] [ DEBUG ] [ main:128 ] Output model name would be saved_model{.xml, .bin} Model Optimizer arguments: Common parameters: - Path to the Input Model: None - Path for generated IR: /home/dranzer/Desktop/test_model/ - IR output name: saved_model - 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: Not specified, inherited from the model - 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: None - Reverse input channels: False TensorFlow specific parameters: - Input model in text protobuf format: False - Path to model dump for TensorBoard: None - List of shared libraries with TensorFlow custom layers implementation: None - Update the configuration file with input/output node names: None - Use configuration file used to generate the model with Object Detection API: None - Use the config file: None [ 2021-09-13 15:49:07,807 ] [ DEBUG ] [ connectionpool:971 ] Starting new HTTPS connection (%d): %s:%s [ 2021-09-13 15:49:07,809 ] [ DEBUG ] [ connectionpool:971 ] Starting new HTTPS connection (%d): %s:%s [ 2021-09-13 15:49:07,813 ] [ DEBUG ] [ connectionpool:971 ] Starting new HTTPS connection (%d): %s:%s [ 2021-09-13 15:49:07,814 ] [ DEBUG ] [ connectionpool:971 ] Starting new HTTPS connection (%d): %s:%s [ 2021-09-13 15:49:07,814 ] [ DEBUG ] [ connectionpool:971 ] Starting new HTTPS connection (%d): %s:%s - Inference Engine found in: /opt/intel/openvino_2021/python/python3.8/openvino Inference Engine version: 2021.4.1-3926-14e67d86634-releases/2021/4 Model Optimizer version: 2021.4.1-3926-14e67d86634-releases/2021/4 [ 2021-09-13 15:49:08,022 ] [ DEBUG ] [ connectionpool:452 ] %s://%s:%s "%s %s %s" %s %s [ 2021-09-13 15:49:08,025 ] [ DEBUG ] [ connectionpool:452 ] %s://%s:%s "%s %s %s" %s %s [ 2021-09-13 15:49:08,032 ] [ DEBUG ] [ connectionpool:452 ] %s://%s:%s "%s %s %s" %s %s [ 2021-09-13 15:49:08,035 ] [ DEBUG ] [ connectionpool:452 ] %s://%s:%s "%s %s %s" %s %s [ 2021-09-13 15:49:08,054 ] [ DEBUG ] [ connectionpool:452 ] %s://%s:%s "%s %s %s" %s %s 2021-09-13 15:49:09.138376: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudart.so.11.0 /home/dranzer/.virtual_environments/openvino_latest/lib/python3.8/site-packages/tensorflow/python/autograph/impl/api.py:22: DeprecationWarning: the imp module is deprecated in favour of importlib; see the module's documentation for alternative uses import imp [ 2021-09-13 15:49:09,609 ] [ DEBUG ] [ tpu_cluster_resolver:35 ] Falling back to TensorFlow client; we recommended you install the Cloud TPU client directly with pip install cloud-tpu-client. [ 2021-09-13 15:49:10,134 ] [ DEBUG ] [ main:224 ] Placeholder shapes : None [ INFO ] Importing extensions from: /opt/intel/openvino_2021/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: Transpose [ 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: LogSoftmax [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LogSoftmaxONNX [ 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: PoolingV2 [ 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: AttributedSlice [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: CaffeSlice [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TFSlice [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MXSlice [ 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: 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: tdnncomponent [ 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: timeheightconvolutioncomponent [ 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: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: StridedSlice [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ 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: /opt/intel/openvino_2021/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. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ 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 ] Registered a new subclass with key: LeakyReLU [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Swish [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: BN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: batchNormInference [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: BlockLSTM [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ConvertLike [ 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: ExtractImagePatches [ 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: GatherTree [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LSTM [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LookupTableInsert [ 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: ONNXResize10 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ONNXResize11 [ 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: TFFFT [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TFResize [ 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 ] 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: ArgMin [ 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: _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: CTCGreedyDecoderSeqLen [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: CTCLoss [ 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: DequantizeLinear [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExperimentalDetectronDetectionOutput [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Einsum [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FakeOutput [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FakeQuantize [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GatherElements [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GatherND [ 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: MVNOnnx [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MVNCaffe [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MXFFT [ 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: 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: QuantizeLinear [ 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: 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 ] Registered a new subclass with key: Roll [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AttributedRoll [ INFO ] New subclass: [ 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: 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: 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: [ WARNING ] Skipped registration because it was already registered or it was disabled. [ 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: Log1p [ 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: Size [ 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: Softsign [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: UnknownOp [ WARNING ] Skipped registration because it was already registered or it was disabled. [ 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 ] 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: [ 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 ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ 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: [ WARNING ] Skipped registration because it was already registered or it was disabled. [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: BatchMatMul [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: BatchMatMulV2 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: BlockLSTM [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: CTCGreedyDecoder [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: CTCLoss [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Cast [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FakeQuantWithMinMaxVars [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FakeQuantWithMinMaxVarsPerChannel [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GatherTree [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: IteratorGetNext [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LookupTableInsert [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LookupTableInsertV2 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LoopCond [ 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: Abs [ 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: LeakyRelu [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LogicalNot [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Relu6 [ 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: Cos [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Cosh [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Acosh [ 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: Asinh [ 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: Atanh [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Ceil [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Mish [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Log [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ArgMax [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ArgMin [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: BatchToSpaceND [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: BroadcastTo [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Bucketize [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Concat [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Const [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Conv2D [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: DepthwiseConv2dNative [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Conv3D [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: CropAndResize [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Cumsum [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Conv2DBackpropInput [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Conv3DBackpropInputV2 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: DepthToSpace [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Einsum [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Add [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AddV2 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AddN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: BiasAdd [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Mul [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Sub [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: RealDiv [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SquaredDifference [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Sqrt [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Rsqrt [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Square [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Neg [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ZerosLike [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Maximum [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Minimum [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Pow [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LogicalAnd [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LogicalOr [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Equal [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LessEqual [ 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: GreaterEqual [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: NotEqual [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FloorMod [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Round [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExpandDims [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ExtractImagePatches [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FFT [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FFT2D [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FFT3D [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: IFFT [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: IFFT2D [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: IFFT3D [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FIFOQueueV2 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Fill [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Floor [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Gather [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ResourceGather [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GatherV2 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: GatherNd [ 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: ReadVariableOp [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: StopGradient [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LogSoftmax [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: LRN [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MatMul [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: NextIteration [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: NonMaxSuppressionV2 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: NonMaxSuppressionV3 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: NonMaxSuppressionV4 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: NonMaxSuppressionV5 [ 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: PadV2 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MirrorPad [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Placeholder [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: PlaceholderWithDefault [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AvgPool [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MaxPool [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MaxPool3D [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AvgPool3D [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: AvgPoolV2 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: MaxPoolV2 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Range [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: All [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Max [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Mean [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Prod [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Sum [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: EuclideanNorm [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Rank [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Reshape [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Shape [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Size [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Squeeze [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ResizeBilinear [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ResizeNearestNeighbor [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReverseSequence [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: ReverseV2 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Roll [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Select [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Sign [ 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: Softplus [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SpaceToBatchND [ 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: 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: SplitV [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Unpack [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Split [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: swish_f32 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Tile [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TopK [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TopKV2 [ 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: Variable [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: VariableV2 [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: While [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: StatelessWhile [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ 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: CropAndResize [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TFSlice [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: TFResize [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: Where [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: FakeConst [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: NoOp [ INFO ] New subclass: [ INFO ] Registered a new subclass with key: SparseToDense [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ 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. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ 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: [ 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. [ 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: [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ WARNING ] Skipped registration because it was already registered or it was disabled. [ 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 ] 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. [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ INFO ] New subclass: [ 2021-09-13 15:49:10,597 ] [ DEBUG ] [ class_registration:36 ] All replacers has unique idxs. [ 2021-09-13 15:49:10,627 ] [ DEBUG ] [ class_registration:248 ] 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 | True | | 21 | True | | 22 | None | | 23 | True | | 24 | True | | 25 | True | | 26 | True | | 27 | True | | 28 | True | | 29 | True | | 30 | True | | 31 | True | | 32 | False | | 33 | True | | 34 | True | | 35 | True | | 36 | True | | 37 | True | | 38 | True | | 39 | True | | 40 | True | | 41 | True | | 42 | True | | 43 | True | | 44 | None | | 45 | None | | 46 | True | | 47 | True | | 48 | True | | 49 | True | | 50 | True | | 51 | True | | 52 | True | | 53 | True | | 54 | True | | 55 | True | | 56 | True | | 57 | True | | 58 | True | | 59 | None | | 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 | None | | 92 | True | | 93 | True | | 94 | False | | 95 | True | | 96 | True | | 97 | None | | 98 | None | | 99 | None | | 100 | None | | 101 | None | | 102 | None | | 103 | None | | 104 | None | | 105 | None | | 106 | None | | 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 | True | | 149 | True | | 150 | True | | 151 | True | | 152 | True | | 153 | True | | 154 | True | | 155 | True | | 156 | True | | 157 | True | | 158 | True | | 159 | True | | 160 | True | | 161 | True | | 162 | True | | 163 | True | | 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 | True | | 210 | True | | 211 | True | | 212 | True | | 213 | True | | 214 | False | | 215 | True | | 216 | True | | 217 | True | | 218 | True | | 219 | None | | 220 | True | | 221 | True | | 222 | True | | 223 | True | | 224 | True | | 225 | True | | 226 | False | | 227 | True | | 228 | True | | 229 | True | | 230 | True | | 231 | True | | 232 | True | | 233 | True | | 234 | True | | 235 | True | | 236 | True | | 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 | True | | 253 | True | | 254 | True | | 255 | True | | 256 | True | | 257 | True | | 258 | True | | 259 | True | | 260 | True | | 261 | True | | 262 | True | | 263 | True | | 264 | True | | 265 | True | | 266 | False | | 267 | False | | 268 | True | | 269 | True | | 270 | False | | 271 | True | | 272 | False | | 273 | False | | 274 | False | | 275 | True | | 276 | True | | 277 | False | | 278 | True | | 279 | True | | 280 | True | | 281 | False | | 282 | True | | 283 | True | | 284 | True | | 285 | False | | 286 | False | | 287 | True | | 288 | True | | 289 | True | | 290 | True | | 291 | True | | 292 | True | | 293 | True | | 294 | True | | 295 | True | | 296 | True | | 297 | True | | 298 | False | | 299 | True | | 300 | False | | 301 | True | | 302 | True | | 303 | True | | 304 | True | | 305 | False | | 306 | True | | 307 | True | | 308 | True | | 309 | True | | 310 | True | | 311 | False | | 312 | False | | 313 | True | | 314 | True | | 315 | True | | 316 | True | | 317 | False | | 318 | False | | 319 | True | | 320 | True | | 321 | True | | 322 | True | | 323 | True | | 324 | True | | 325 | True | | 326 | True | | 327 | True | | 328 | True | | 329 | True | | 330 | True | | 331 | True | | 332 | True | | 333 | True | | 334 | True | | 335 | True | | 336 | True | | 337 | True | | 338 | False | | 339 | True | | 340 | True | | 341 | True | | 342 | True | | 343 | False | | 344 | True | | 345 | False | | 346 | False | [ 2021-09-13 15:49:10,627 ] [ DEBUG ] [ class_registration:272 ] Run replacer 2021-09-13 15:49:10.638960: I tensorflow/compiler/jit/xla_cpu_device.cc:41] Not creating XLA devices, tf_xla_enable_xla_devices not set 2021-09-13 15:49:10.639749: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcuda.so.1 2021-09-13 15:49:10.666005: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2021-09-13 15:49:10.666390: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1720] Found device 0 with properties: pciBusID: 0000:05:00.0 name: Quadro K2200 computeCapability: 5.0 coreClock: 1.124GHz coreCount: 5 deviceMemorySize: 3.95GiB deviceMemoryBandwidth: 74.65GiB/s 2021-09-13 15:49:10.666424: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudart.so.11.0 2021-09-13 15:49:10.669561: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcublas.so.11 2021-09-13 15:49:10.669625: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcublasLt.so.11 2021-09-13 15:49:10.670692: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcufft.so.10 2021-09-13 15:49:10.670959: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcurand.so.10 2021-09-13 15:49:10.671954: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcusolver.so.10 2021-09-13 15:49:10.672796: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcusparse.so.11 2021-09-13 15:49:10.672963: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudnn.so.8 2021-09-13 15:49:10.673084: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2021-09-13 15:49:10.673661: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2021-09-13 15:49:10.674031: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1862] Adding visible gpu devices: 0 2021-09-13 15:49:10.674814: I tensorflow/compiler/jit/xla_gpu_device.cc:99] Not creating XLA devices, tf_xla_enable_xla_devices not set 2021-09-13 15:49:10.674900: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2021-09-13 15:49:10.675199: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1720] Found device 0 with properties: pciBusID: 0000:05:00.0 name: Quadro K2200 computeCapability: 5.0 coreClock: 1.124GHz coreCount: 5 deviceMemorySize: 3.95GiB deviceMemoryBandwidth: 74.65GiB/s 2021-09-13 15:49:10.675225: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudart.so.11.0 2021-09-13 15:49:10.675245: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcublas.so.11 2021-09-13 15:49:10.675264: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcublasLt.so.11 2021-09-13 15:49:10.675281: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcufft.so.10 2021-09-13 15:49:10.675299: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcurand.so.10 2021-09-13 15:49:10.675318: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcusolver.so.10 2021-09-13 15:49:10.675337: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcusparse.so.11 2021-09-13 15:49:10.675356: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudnn.so.8 2021-09-13 15:49:10.675412: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2021-09-13 15:49:10.675646: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2021-09-13 15:49:10.675838: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1862] Adding visible gpu devices: 0 2021-09-13 15:49:10.675873: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudart.so.11.0 2021-09-13 15:49:11.156280: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1261] Device interconnect StreamExecutor with strength 1 edge matrix: 2021-09-13 15:49:11.156328: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1267] 0 2021-09-13 15:49:11.156339: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1280] 0: N 2021-09-13 15:49:11.156543: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2021-09-13 15:49:11.156815: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2021-09-13 15:49:11.157047: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2021-09-13 15:49:11.157257: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1406] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 223 MB memory) -> physical GPU (device: 0, name: Quadro K2200, pci bus id: 0000:05:00.0, compute capability: 5.0) 2021-09-13 15:49:11.204335: I tensorflow/compiler/jit/xla_gpu_device.cc:99] Not creating XLA devices, tf_xla_enable_xla_devices not set 2021-09-13 15:49:11.204488: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2021-09-13 15:49:11.204737: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1720] Found device 0 with properties: pciBusID: 0000:05:00.0 name: Quadro K2200 computeCapability: 5.0 coreClock: 1.124GHz coreCount: 5 deviceMemorySize: 3.95GiB deviceMemoryBandwidth: 74.65GiB/s 2021-09-13 15:49:11.204774: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudart.so.11.0 2021-09-13 15:49:11.204799: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcublas.so.11 2021-09-13 15:49:11.204819: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcublasLt.so.11 2021-09-13 15:49:11.204836: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcufft.so.10 2021-09-13 15:49:11.204855: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcurand.so.10 2021-09-13 15:49:11.204874: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcusolver.so.10 2021-09-13 15:49:11.204891: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcusparse.so.11 2021-09-13 15:49:11.204909: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library libcudnn.so.8 2021-09-13 15:49:11.204967: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2021-09-13 15:49:11.205195: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2021-09-13 15:49:11.205378: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1862] Adding visible gpu devices: 0 2021-09-13 15:49:11.205414: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1261] Device interconnect StreamExecutor with strength 1 edge matrix: 2021-09-13 15:49:11.205426: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1267] 0 2021-09-13 15:49:11.205436: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1280] 0: N 2021-09-13 15:49:11.205521: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2021-09-13 15:49:11.205749: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:941] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero 2021-09-13 15:49:11.205942: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1406] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 223 MB memory) -> physical GPU (device: 0, name: Quadro K2200, pci bus id: 0000:05:00.0, compute capability: 5.0) [ WARNING ] From %s: %s (from %s) is deprecated and will be removed %s. Instructions for updating: %s [ INFO ] Restoring parameters from %s 2021-09-13 15:49:11.219166: I tensorflow/compiler/mlir/mlir_graph_optimization_pass.cc:196] None of the MLIR optimization passes are enabled (registered 0 passes) 2021-09-13 15:49:11.236593: I tensorflow/core/platform/profile_utils/cpu_utils.cc:112] CPU Frequency: 3591205000 Hz 2021-09-13 15:49:11.258631: I tensorflow/stream_executor/cuda/cuda_driver.cc:789] failed to allocate 223.56M (234422272 bytes) from device: CUDA_ERROR_OUT_OF_MEMORY: out of memory [ WARNING ] From %s: %s (from %s) is deprecated and will be removed %s. Instructions for updating: %s [ WARNING ] From %s: %s (from %s) is deprecated and will be removed %s. Instructions for updating: %s [ 2021-09-13 15:49:11,294 ] [ DEBUG ] [ connectionpool:971 ] Starting new HTTPS connection (%d): %s:%s [ 2021-09-13 15:49:11,300 ] [ DEBUG ] [ loader:62 ] Number of nodes in graph_def: 4 [ 2021-09-13 15:49:11,300 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry StridedSlice to extractors with custom extractor class . [ 2021-09-13 15:49:11,300 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry BatchMatMul to extractors with custom extractor class . [ 2021-09-13 15:49:11,300 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry BatchMatMulV2 to extractors with custom extractor class . [ 2021-09-13 15:49:11,300 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry BlockLSTM to extractors with custom extractor class . [ 2021-09-13 15:49:11,300 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry CTCGreedyDecoder to extractors with custom extractor class . [ 2021-09-13 15:49:11,300 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry CTCLoss to extractors with custom extractor class . [ 2021-09-13 15:49:11,300 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Cast to extractors with custom extractor class . [ 2021-09-13 15:49:11,300 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry FakeQuantWithMinMaxVars to extractors with custom extractor class . [ 2021-09-13 15:49:11,300 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry FakeQuantWithMinMaxVarsPerChannel to extractors with custom extractor class . [ 2021-09-13 15:49:11,300 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry GatherTree to extractors with custom extractor class . [ 2021-09-13 15:49:11,300 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry IteratorGetNext to extractors with custom extractor class . [ 2021-09-13 15:49:11,301 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry LookupTableInsert to extractors with custom extractor class . [ 2021-09-13 15:49:11,301 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry LookupTableInsertV2 to extractors with custom extractor class . [ 2021-09-13 15:49:11,301 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry LoopCond to extractors with custom extractor class . [ 2021-09-13 15:49:11,301 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry TensorArrayV3 to extractors with custom extractor class . [ 2021-09-13 15:49:11,301 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry TensorArrayGatherV3 to extractors with custom extractor class . [ 2021-09-13 15:49:11,301 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Abs to extractors with custom extractor class . [ 2021-09-13 15:49:11,301 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Elu to extractors with custom extractor class . [ 2021-09-13 15:49:11,301 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Erf to extractors with custom extractor class . [ 2021-09-13 15:49:11,301 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Exp to extractors with custom extractor class . [ 2021-09-13 15:49:11,301 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry LeakyRelu to extractors with custom extractor class . [ 2021-09-13 15:49:11,301 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry LogicalNot to extractors with custom extractor class . [ 2021-09-13 15:49:11,301 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Relu6 to extractors with custom extractor class . [ 2021-09-13 15:49:11,301 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Relu to extractors with custom extractor class . [ 2021-09-13 15:49:11,301 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Sigmoid to extractors with custom extractor class . [ 2021-09-13 15:49:11,301 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Cos to extractors with custom extractor class . [ 2021-09-13 15:49:11,301 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Cosh to extractors with custom extractor class . [ 2021-09-13 15:49:11,301 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Acosh to extractors with custom extractor class . [ 2021-09-13 15:49:11,301 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Sin to extractors with custom extractor class . [ 2021-09-13 15:49:11,302 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Sinh to extractors with custom extractor class . [ 2021-09-13 15:49:11,302 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Asinh to extractors with custom extractor class . [ 2021-09-13 15:49:11,302 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Tan to extractors with custom extractor class . [ 2021-09-13 15:49:11,302 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Tanh to extractors with custom extractor class . [ 2021-09-13 15:49:11,302 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Atanh to extractors with custom extractor class . [ 2021-09-13 15:49:11,302 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Ceil to extractors with custom extractor class . [ 2021-09-13 15:49:11,302 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Mish to extractors with custom extractor class . [ 2021-09-13 15:49:11,302 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Log to extractors with custom extractor class . [ 2021-09-13 15:49:11,302 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry ArgMax to extractors with custom extractor class . [ 2021-09-13 15:49:11,302 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry ArgMin to extractors with custom extractor class . [ 2021-09-13 15:49:11,302 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry BatchToSpaceND to extractors with custom extractor class . [ 2021-09-13 15:49:11,302 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry BroadcastTo to extractors with custom extractor class . [ 2021-09-13 15:49:11,302 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Bucketize to extractors with custom extractor class . [ 2021-09-13 15:49:11,302 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Concat to extractors with custom extractor class . [ 2021-09-13 15:49:11,302 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Const to extractors with custom extractor class . [ 2021-09-13 15:49:11,302 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Conv2D to extractors with custom extractor class . [ 2021-09-13 15:49:11,302 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry DepthwiseConv2dNative to extractors with custom extractor class . [ 2021-09-13 15:49:11,302 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Conv3D to extractors with custom extractor class . [ 2021-09-13 15:49:11,303 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry CropAndResize to extractors with custom extractor class . [ 2021-09-13 15:49:11,303 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Cumsum to extractors with custom extractor class . [ 2021-09-13 15:49:11,303 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Conv2DBackpropInput to extractors with custom extractor class . [ 2021-09-13 15:49:11,303 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Conv3DBackpropInputV2 to extractors with custom extractor class . [ 2021-09-13 15:49:11,303 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry DepthToSpace to extractors with custom extractor class . [ 2021-09-13 15:49:11,303 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Einsum to extractors with custom extractor class . [ 2021-09-13 15:49:11,303 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Add to extractors with custom extractor class . [ 2021-09-13 15:49:11,303 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry AddV2 to extractors with custom extractor class . [ 2021-09-13 15:49:11,303 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry AddN to extractors with custom extractor class . [ 2021-09-13 15:49:11,303 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry BiasAdd to extractors with custom extractor class . [ 2021-09-13 15:49:11,303 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Mul to extractors with custom extractor class . [ 2021-09-13 15:49:11,303 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Sub to extractors with custom extractor class . [ 2021-09-13 15:49:11,303 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry RealDiv to extractors with custom extractor class . [ 2021-09-13 15:49:11,303 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry SquaredDifference to extractors with custom extractor class . [ 2021-09-13 15:49:11,303 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Sqrt to extractors with custom extractor class . [ 2021-09-13 15:49:11,303 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Rsqrt to extractors with custom extractor class . [ 2021-09-13 15:49:11,303 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Square to extractors with custom extractor class . [ 2021-09-13 15:49:11,303 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Neg to extractors with custom extractor class . [ 2021-09-13 15:49:11,304 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry ZerosLike to extractors with custom extractor class . [ 2021-09-13 15:49:11,304 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Maximum to extractors with custom extractor class . [ 2021-09-13 15:49:11,304 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Minimum to extractors with custom extractor class . [ 2021-09-13 15:49:11,304 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Pow to extractors with custom extractor class . [ 2021-09-13 15:49:11,304 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry LogicalAnd to extractors with custom extractor class . [ 2021-09-13 15:49:11,304 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry LogicalOr to extractors with custom extractor class . [ 2021-09-13 15:49:11,304 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Equal to extractors with custom extractor class . [ 2021-09-13 15:49:11,304 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry LessEqual to extractors with custom extractor class . [ 2021-09-13 15:49:11,304 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Less to extractors with custom extractor class . [ 2021-09-13 15:49:11,304 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Greater to extractors with custom extractor class . [ 2021-09-13 15:49:11,304 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry GreaterEqual to extractors with custom extractor class . [ 2021-09-13 15:49:11,304 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry NotEqual to extractors with custom extractor class . [ 2021-09-13 15:49:11,304 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry FloorMod to extractors with custom extractor class . [ 2021-09-13 15:49:11,304 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Round to extractors with custom extractor class . [ 2021-09-13 15:49:11,304 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry ExpandDims to extractors with custom extractor class . [ 2021-09-13 15:49:11,304 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry ExtractImagePatches to extractors with custom extractor class . [ 2021-09-13 15:49:11,304 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry FFT to extractors with custom extractor class . [ 2021-09-13 15:49:11,304 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry FFT2D to extractors with custom extractor class . [ 2021-09-13 15:49:11,305 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry FFT3D to extractors with custom extractor class . [ 2021-09-13 15:49:11,305 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry IFFT to extractors with custom extractor class . [ 2021-09-13 15:49:11,305 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry IFFT2D to extractors with custom extractor class . [ 2021-09-13 15:49:11,305 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry IFFT3D to extractors with custom extractor class . [ 2021-09-13 15:49:11,305 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry FIFOQueueV2 to extractors with custom extractor class . [ 2021-09-13 15:49:11,305 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Fill to extractors with custom extractor class . [ 2021-09-13 15:49:11,305 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Floor to extractors with custom extractor class . [ 2021-09-13 15:49:11,305 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Gather to extractors with custom extractor class . [ 2021-09-13 15:49:11,305 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry ResourceGather to extractors with custom extractor class . [ 2021-09-13 15:49:11,305 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry GatherV2 to extractors with custom extractor class . [ 2021-09-13 15:49:11,305 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry GatherNd to extractors with custom extractor class . [ 2021-09-13 15:49:11,305 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Identity to extractors with custom extractor class . [ 2021-09-13 15:49:11,305 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry IdentityN to extractors with custom extractor class . [ 2021-09-13 15:49:11,305 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry ReadVariableOp to extractors with custom extractor class . [ 2021-09-13 15:49:11,305 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry StopGradient to extractors with custom extractor class . [ 2021-09-13 15:49:11,305 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry LogSoftmax to extractors with custom extractor class . [ 2021-09-13 15:49:11,305 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry LRN to extractors with custom extractor class . [ 2021-09-13 15:49:11,305 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry MatMul to extractors with custom extractor class . [ 2021-09-13 15:49:11,306 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry NextIteration to extractors with custom extractor class . [ 2021-09-13 15:49:11,306 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry NonMaxSuppressionV2 to extractors with custom extractor class . [ 2021-09-13 15:49:11,306 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry NonMaxSuppressionV3 to extractors with custom extractor class . [ 2021-09-13 15:49:11,306 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry NonMaxSuppressionV4 to extractors with custom extractor class . [ 2021-09-13 15:49:11,306 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry NonMaxSuppressionV5 to extractors with custom extractor class . [ 2021-09-13 15:49:11,306 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry OneHot to extractors with custom extractor class . [ 2021-09-13 15:49:11,306 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Pad to extractors with custom extractor class . [ 2021-09-13 15:49:11,306 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry PadV2 to extractors with custom extractor class . [ 2021-09-13 15:49:11,306 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry MirrorPad to extractors with custom extractor class . [ 2021-09-13 15:49:11,306 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Placeholder to extractors with custom extractor class . [ 2021-09-13 15:49:11,306 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry PlaceholderWithDefault to extractors with custom extractor class . [ 2021-09-13 15:49:11,306 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry AvgPool to extractors with custom extractor class . [ 2021-09-13 15:49:11,306 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry MaxPool to extractors with custom extractor class . [ 2021-09-13 15:49:11,306 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry MaxPool3D to extractors with custom extractor class . [ 2021-09-13 15:49:11,306 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry AvgPool3D to extractors with custom extractor class . [ 2021-09-13 15:49:11,306 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry AvgPoolV2 to extractors with custom extractor class . [ 2021-09-13 15:49:11,307 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry MaxPoolV2 to extractors with custom extractor class . [ 2021-09-13 15:49:11,307 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Range to extractors with custom extractor class . [ 2021-09-13 15:49:11,307 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry All to extractors with custom extractor class . [ 2021-09-13 15:49:11,307 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Max to extractors with custom extractor class . [ 2021-09-13 15:49:11,307 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Mean to extractors with custom extractor class . [ 2021-09-13 15:49:11,307 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Prod to extractors with custom extractor class . [ 2021-09-13 15:49:11,307 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Sum to extractors with custom extractor class . [ 2021-09-13 15:49:11,307 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry EuclideanNorm to extractors with custom extractor class . [ 2021-09-13 15:49:11,307 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Rank to extractors with custom extractor class . [ 2021-09-13 15:49:11,307 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Reshape to extractors with custom extractor class . [ 2021-09-13 15:49:11,307 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Shape to extractors with custom extractor class . [ 2021-09-13 15:49:11,307 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Size to extractors with custom extractor class . [ 2021-09-13 15:49:11,307 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Squeeze to extractors with custom extractor class . [ 2021-09-13 15:49:11,307 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry ResizeBilinear to extractors with custom extractor class . [ 2021-09-13 15:49:11,307 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry ResizeNearestNeighbor to extractors with custom extractor class . [ 2021-09-13 15:49:11,307 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry ReverseSequence to extractors with custom extractor class . [ 2021-09-13 15:49:11,307 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry ReverseV2 to extractors with custom extractor class . [ 2021-09-13 15:49:11,307 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Roll to extractors with custom extractor class . [ 2021-09-13 15:49:11,308 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Select to extractors with custom extractor class . [ 2021-09-13 15:49:11,308 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Sign to extractors with custom extractor class . [ 2021-09-13 15:49:11,308 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Slice to extractors with custom extractor class . [ 2021-09-13 15:49:11,308 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Softmax to extractors with custom extractor class . [ 2021-09-13 15:49:11,308 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Softplus to extractors with custom extractor class . [ 2021-09-13 15:49:11,308 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry SpaceToBatchND to extractors with custom extractor class . [ 2021-09-13 15:49:11,308 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry SpaceToDepth to extractors with custom extractor class . [ 2021-09-13 15:49:11,308 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry SparseFillEmptyRows to extractors with custom extractor class . [ 2021-09-13 15:49:11,308 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry SparseSegmentMean to extractors with custom extractor class . [ 2021-09-13 15:49:11,308 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry SparseSegmentSqrtN to extractors with custom extractor class . [ 2021-09-13 15:49:11,308 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry SparseSegmentSum to extractors with custom extractor class . [ 2021-09-13 15:49:11,308 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry SplitV to extractors with custom extractor class . [ 2021-09-13 15:49:11,308 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Unpack to extractors with custom extractor class . [ 2021-09-13 15:49:11,308 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Split to extractors with custom extractor class . [ 2021-09-13 15:49:11,308 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry swish_f32 to extractors with custom extractor class . [ 2021-09-13 15:49:11,308 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Tile to extractors with custom extractor class . [ 2021-09-13 15:49:11,308 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry TopK to extractors with custom extractor class . [ 2021-09-13 15:49:11,308 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry TopKV2 to extractors with custom extractor class . [ 2021-09-13 15:49:11,309 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Transpose to extractors with custom extractor class . [ 2021-09-13 15:49:11,309 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Unique to extractors with custom extractor class . [ 2021-09-13 15:49:11,309 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry Variable to extractors with custom extractor class . [ 2021-09-13 15:49:11,309 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry VariableV2 to extractors with custom extractor class . [ 2021-09-13 15:49:11,309 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry While to extractors with custom extractor class . [ 2021-09-13 15:49:11,309 ] [ DEBUG ] [ register_custom_ops:61 ] Added a new entry StatelessWhile to extractors with custom extractor class . [ 2021-09-13 15:49:11,309 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Parameter to extractors with custom op class . [ 2021-09-13 15:49:11,309 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry TensorIterator to extractors with custom op class . [ 2021-09-13 15:49:11,309 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Activation to extractors with custom op class . [ 2021-09-13 15:49:11,309 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Assign to extractors with custom op class . [ 2021-09-13 15:49:11,309 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry AttributedGather to extractors with custom op class . [ 2021-09-13 15:49:11,309 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Broadcast to extractors with custom op class . [ 2021-09-13 15:49:11,309 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry AttributedClamp to extractors with custom op class . [ 2021-09-13 15:49:11,309 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Clamp to extractors with custom op class . [ 2021-09-13 15:49:11,309 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry ConstantOfShape to extractors with custom op class . [ 2021-09-13 15:49:11,309 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Convolution to extractors with custom op class . [ 2021-09-13 15:49:11,309 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Crop to extractors with custom op class . [ 2021-09-13 15:49:11,309 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Deconvolution to extractors with custom op class . [ 2021-09-13 15:49:11,310 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry DeformableConvolution to extractors with custom op class . [ 2021-09-13 15:49:11,310 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Eltwise to extractors with custom op class . [ 2021-09-13 15:49:11,310 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry EltwiseN to extractors with custom op class . [ 2021-09-13 15:49:11,310 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry EltwiseNin1 to extractors with custom op class . [ 2021-09-13 15:49:11,310 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Flatten to extractors with custom op class . [ 2021-09-13 15:49:11,310 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry FlattenONNX to extractors with custom op class . [ 2021-09-13 15:49:11,310 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry GroupNorm to extractors with custom op class . [ 2021-09-13 15:49:11,310 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry LogSoftmaxONNX to extractors with custom op class . [ 2021-09-13 15:49:11,310 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry AttributedLRN to extractors with custom op class . [ 2021-09-13 15:49:11,310 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry LstmNonLinearity to extractors with custom op class . [ 2021-09-13 15:49:11,310 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Memory to extractors with custom op class . [ 2021-09-13 15:49:11,310 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry MemoryOffset to extractors with custom op class . [ 2021-09-13 15:49:11,310 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry AttributedPad to extractors with custom op class . [ 2021-09-13 15:49:11,310 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry TFPad to extractors with custom op class . [ 2021-09-13 15:49:11,310 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry ONNXPad to extractors with custom op class . [ 2021-09-13 15:49:11,310 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Permute to extractors with custom op class . [ 2021-09-13 15:49:11,310 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry PoolingV2 to extractors with custom op class . [ 2021-09-13 15:49:11,310 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Pooling to extractors with custom op class . [ 2021-09-13 15:49:11,311 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry AttributedPower to extractors with custom op class . [ 2021-09-13 15:49:11,311 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry ReadValue to extractors with custom op class . [ 2021-09-13 15:49:11,311 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Result to extractors with custom op class . [ 2021-09-13 15:49:11,311 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry ROIPooling to extractors with custom op class . [ 2021-09-13 15:49:11,311 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry ScaleShift to extractors with custom op class . [ 2021-09-13 15:49:11,311 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry ShapeOf to extractors with custom op class . [ 2021-09-13 15:49:11,311 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry AttributedSlice to extractors with custom op class . [ 2021-09-13 15:49:11,311 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry CaffeSlice to extractors with custom op class . [ 2021-09-13 15:49:11,311 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry TFSlice to extractors with custom op class . [ 2021-09-13 15:49:11,311 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry MXSlice to extractors with custom op class . [ 2021-09-13 15:49:11,311 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry SoftMaxONNX to extractors with custom op class . [ 2021-09-13 15:49:11,311 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry SpaceToBatch to extractors with custom op class . [ 2021-09-13 15:49:11,311 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry BatchToSpace to extractors with custom op class . [ 2021-09-13 15:49:11,311 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry tdnncomponent to extractors with custom op class . [ 2021-09-13 15:49:11,311 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry AttributedTile to extractors with custom op class . [ 2021-09-13 15:49:11,311 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry timeheightconvolutioncomponent to extractors with custom op class . [ 2021-09-13 15:49:11,311 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Unsqueeze to extractors with custom op class . [ 2021-09-13 15:49:11,311 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Swish to extractors with custom op class . [ 2021-09-13 15:49:11,312 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry BN to extractors with custom op class . [ 2021-09-13 15:49:11,312 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry batchNormInference to extractors with custom op class . [ 2021-09-13 15:49:11,312 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry ConvertLike to extractors with custom op class . [ 2021-09-13 15:49:11,312 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry DetectionOutput to extractors with custom op class . [ 2021-09-13 15:49:11,312 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Enter to extractors with custom op class . [ 2021-09-13 15:49:11,312 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Exit to extractors with custom op class . [ 2021-09-13 15:49:11,312 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry RNN to extractors with custom op class . [ 2021-09-13 15:49:11,312 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry GRU to extractors with custom op class . [ 2021-09-13 15:49:11,312 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry GRUCell to extractors with custom op class . [ 2021-09-13 15:49:11,312 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry LSTM to extractors with custom op class . [ 2021-09-13 15:49:11,312 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Gemm to extractors with custom op class . [ 2021-09-13 15:49:11,312 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry FullyConnected to extractors with custom op class . [ 2021-09-13 15:49:11,312 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry ONNXResize10 to extractors with custom op class . [ 2021-09-13 15:49:11,312 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry ONNXResize11 to extractors with custom op class . [ 2021-09-13 15:49:11,312 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry RNNCell to extractors with custom op class . [ 2021-09-13 15:49:11,312 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Reverse to extractors with custom op class . [ 2021-09-13 15:49:11,312 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry TFFFT to extractors with custom op class . [ 2021-09-13 15:49:11,312 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry TFResize to extractors with custom op class . [ 2021-09-13 15:49:11,312 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry TensorArrayReadV3 to extractors with custom op class . [ 2021-09-13 15:49:11,313 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry TensorArrayScatterV3 to extractors with custom op class . [ 2021-09-13 15:49:11,313 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry TensorArraySizeV3 to extractors with custom op class . [ 2021-09-13 15:49:11,313 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry TensorArrayWriteV3 to extractors with custom op class . [ 2021-09-13 15:49:11,313 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry TensorIteratorInput to extractors with custom op class . [ 2021-09-13 15:49:11,313 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry TensorIteratorOutput to extractors with custom op class . [ 2021-09-13 15:49:11,313 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry TensorIteratorCondition to extractors with custom op class . [ 2021-09-13 15:49:11,313 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry TensorIteratorBackEdge to extractors with custom op class . [ 2021-09-13 15:49:11,313 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Accum to extractors with custom op class . [ 2021-09-13 15:49:11,313 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry AdaptiveAvgPooling to extractors with custom op class . [ 2021-09-13 15:49:11,313 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Assert to extractors with custom op class . [ 2021-09-13 15:49:11,313 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry ATen to extractors with custom op class . [ 2021-09-13 15:49:11,313 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Axpy to extractors with custom op class . [ 2021-09-13 15:49:11,313 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Binarization to extractors with custom op class . [ 2021-09-13 15:49:11,313 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry _contrib_box_nms to extractors with custom op class . [ 2021-09-13 15:49:11,313 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry ConstantFill to extractors with custom op class . [ 2021-09-13 15:49:11,313 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry copy to extractors with custom op class . [ 2021-09-13 15:49:11,313 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Correlation to extractors with custom op class . [ 2021-09-13 15:49:11,314 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry CTCGreedyDecoderSeqLen to extractors with custom op class . [ 2021-09-13 15:49:11,314 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry MXNetCumSum to extractors with custom op class . [ 2021-09-13 15:49:11,314 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry DataAugmentation to extractors with custom op class . [ 2021-09-13 15:49:11,314 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry DequantizeLinear to extractors with custom op class . [ 2021-09-13 15:49:11,314 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry ExperimentalDetectronDetectionOutput to extractors with custom op class . [ 2021-09-13 15:49:11,314 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry FakeOutput to extractors with custom op class . [ 2021-09-13 15:49:11,314 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry FakeQuantize to extractors with custom op class . [ 2021-09-13 15:49:11,314 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry GatherElements to extractors with custom op class . [ 2021-09-13 15:49:11,314 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Gelu to extractors with custom op class . [ 2021-09-13 15:49:11,314 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry GRN to extractors with custom op class . [ 2021-09-13 15:49:11,314 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry HardSigmoid to extractors with custom op class . [ 2021-09-13 15:49:11,314 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry InstanceNormalization to extractors with custom op class . [ 2021-09-13 15:49:11,314 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Interp to extractors with custom op class . [ 2021-09-13 15:49:11,314 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Interpolate to extractors with custom op class . [ 2021-09-13 15:49:11,314 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry LSTMCell to extractors with custom op class . [ 2021-09-13 15:49:11,314 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry LSTMSequence to extractors with custom op class . [ 2021-09-13 15:49:11,314 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Merge to extractors with custom op class . [ 2021-09-13 15:49:11,314 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry MVN to extractors with custom op class . [ 2021-09-13 15:49:11,315 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry MVNOnnx to extractors with custom op class . [ 2021-09-13 15:49:11,315 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry MVNCaffe to extractors with custom op class . [ 2021-09-13 15:49:11,315 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry MXFFT to extractors with custom op class . [ 2021-09-13 15:49:11,315 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry MXRepeat to extractors with custom op class . [ 2021-09-13 15:49:11,315 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry MXReshape to extractors with custom op class . [ 2021-09-13 15:49:11,315 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry NonMaxSuppression to extractors with custom op class . [ 2021-09-13 15:49:11,315 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry NonZero to extractors with custom op class . [ 2021-09-13 15:49:11,315 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Normalize to extractors with custom op class . [ 2021-09-13 15:49:11,315 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry NormalizeL2 to extractors with custom op class . [ 2021-09-13 15:49:11,315 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry pnorm to extractors with custom op class . [ 2021-09-13 15:49:11,315 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry PowerFile to extractors with custom op class . [ 2021-09-13 15:49:11,315 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry PredictionHeatmap to extractors with custom op class . [ 2021-09-13 15:49:11,315 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry PReLU to extractors with custom op class . [ 2021-09-13 15:49:11,315 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry PriorBox to extractors with custom op class . [ 2021-09-13 15:49:11,315 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry PriorBoxClustered to extractors with custom op class . [ 2021-09-13 15:49:11,315 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry ExperimentalDetectronPriorGridGenerator to extractors with custom op class . [ 2021-09-13 15:49:11,315 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Proposal to extractors with custom op class . [ 2021-09-13 15:49:11,315 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry ExperimentalDetectronGenerateProposalsSingleImage to extractors with custom op class . [ 2021-09-13 15:49:11,316 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry PSROIPooling to extractors with custom op class . [ 2021-09-13 15:49:11,316 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry QuantizeLinear to extractors with custom op class . [ 2021-09-13 15:49:11,316 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry RegionYolo to extractors with custom op class . [ 2021-09-13 15:49:11,316 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry ReorgYolo to extractors with custom op class . [ 2021-09-13 15:49:11,316 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Resize to extractors with custom op class . [ 2021-09-13 15:49:11,316 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry ROIAlign to extractors with custom op class . [ 2021-09-13 15:49:11,316 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry ExperimentalDetectronROIFeatureExtractor to extractors with custom op class . [ 2021-09-13 15:49:11,316 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry AttributedRoll to extractors with custom op class . [ 2021-09-13 15:49:11,316 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry ShuffleChannels to extractors with custom op class . [ 2021-09-13 15:49:11,316 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry SimplerNMS to extractors with custom op class . [ 2021-09-13 15:49:11,316 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry slice_like to extractors with custom op class . [ 2021-09-13 15:49:11,316 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry SparseReshape to extractors with custom op class . [ 2021-09-13 15:49:11,316 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry SpatialTransformer to extractors with custom op class . [ 2021-09-13 15:49:11,316 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Splice to extractors with custom op class . [ 2021-09-13 15:49:11,316 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry SwapAxis to extractors with custom op class . [ 2021-09-13 15:49:11,316 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Switch to extractors with custom op class . [ 2021-09-13 15:49:11,316 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry ExperimentalDetectronTopKROIs to extractors with custom op class . [ 2021-09-13 15:49:11,319 ] [ DEBUG ] [ register_custom_ops:91 ] Added a new entry Upsample to extractors with custom op class . [ WARNING ] Instructions/layers that do not have attribute extractors: [ WARNING ] StatefulPartitionedCall (2) [ WARNING ] StatefulPartitionedCall [ WARNING ] StatefulPartitionedCall_1 [ 2021-09-13 15:49:11,329 ] [ DEBUG ] [ connectionpool:971 ] Starting new HTTPS connection (%d): %s:%s [ 2021-09-13 15:49:11,330 ] [ DEBUG ] [ connectionpool:971 ] Starting new HTTPS connection (%d): %s:%s [ 2021-09-13 15:49:11,334 ] [ DEBUG ] [ connectionpool:971 ] Starting new HTTPS connection (%d): %s:%s [ 2021-09-13 15:49:11,342 ] [ DEBUG ] [ connectionpool:971 ] Starting new HTTPS connection (%d): %s:%s [ 2021-09-13 15:49:11,343 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,345 ] [ DEBUG ] [ connectionpool:971 ] Starting new HTTPS connection (%d): %s:%s [ INFO ] Skip replacer (graph_condition not satisfied) [ 2021-09-13 15:49:11,347 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,347 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,348 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,349 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,350 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,350 ] [ DEBUG ] [ tf_od_api:55 ] The model does not contain nodes that must exist in the TF OD API models [ 2021-09-13 15:49:11,350 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,351 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,351 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ INFO ] Skip replacer (enabled = False) [ 2021-09-13 15:49:11,352 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,352 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,352 ] [ DEBUG ] [ graph:1052 ] Sink: StatefulPartitionedCall_15/sink_port_0 for node StatefulPartitionedCall_15 [ 2021-09-13 15:49:11,353 ] [ DEBUG ] [ graph:1053 ] {'kind': 'op', 'op': 'Result', 'type': 'Result', 'version': 'opset1', 'infer': . at 0x7f1ecf5f3e50>, 'value': None, 'data_type': None, 'in_ports_count': 1, 'name': 'StatefulPartitionedCall_15/sink_port_0', 'dim_attrs': ['spatial_dims', 'axis', 'batch_dims', 'channel_dims'], 'shape_attrs': ['window', 'pad', 'stride', 'shape', 'output_shape'], 'IE': [('layer', [('id', . at 0x7f1ecf45dd30>), 'name', 'type', 'version'], [('data', [], []), '@ports', '@consts'])], '_in_ports': {0: {}}, '_out_ports': {}} [ 2021-09-13 15:49:11,353 ] [ DEBUG ] [ graph:1054 ] Add edge from StatefulPartitionedCall_15 to StatefulPartitionedCall_15/sink_port_0 [ 2021-09-13 15:49:11,353 ] [ DEBUG ] [ graph:1052 ] Sink: StatefulPartitionedCall6/sink_port_0 for node StatefulPartitionedCall6 [ 2021-09-13 15:49:11,353 ] [ DEBUG ] [ graph:1053 ] {'kind': 'op', 'op': 'Result', 'type': 'Result', 'version': 'opset1', 'infer': . at 0x7f1ecf45d0d0>, 'value': None, 'data_type': None, 'in_ports_count': 1, 'name': 'StatefulPartitionedCall6/sink_port_0', 'dim_attrs': ['spatial_dims', 'axis', 'batch_dims', 'channel_dims'], 'shape_attrs': ['window', 'pad', 'stride', 'shape', 'output_shape'], 'IE': [('layer', [('id', . at 0x7f1ecf45de50>), 'name', 'type', 'version'], [('data', [], []), '@ports', '@consts'])], '_in_ports': {0: {}}, '_out_ports': {}} [ 2021-09-13 15:49:11,353 ] [ DEBUG ] [ graph:1054 ] Add edge from StatefulPartitionedCall6 to StatefulPartitionedCall6/sink_port_0 [ 2021-09-13 15:49:11,354 ] [ DEBUG ] [ eliminate:54 ] The following nodes are seeded as output reachable: StatefulPartitionedCall6/sink_port_0 StatefulPartitionedCall_15/sink_port_0 [ 2021-09-13 15:49:11,355 ] [ DEBUG ] [ eliminate:135 ] Removing the following dead nodes: [ 2021-09-13 15:49:11,356 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,356 ] [ DEBUG ] [ eliminate:54 ] The following nodes are seeded as output reachable: StatefulPartitionedCall6/sink_port_0 StatefulPartitionedCall_15/sink_port_0 [ 2021-09-13 15:49:11,357 ] [ DEBUG ] [ eliminate:135 ] Removing the following dead nodes: [ INFO ] Skip replacer (graph_condition not satisfied) [ 2021-09-13 15:49:11,357 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,357 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,357 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ INFO ] Skip replacer (graph_condition not satisfied) [ 2021-09-13 15:49:11,358 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,358 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,358 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'TFYOLOV3' doesn't exist [ INFO ] Failed to find custom replacement description with id 'TFYOLOV3' [ 2021-09-13 15:49:11,359 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,359 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,359 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,359 ] [ DEBUG ] [ transposed_mvn_unrolled:95 ] Enabled Transposed MVN replacement [ 2021-09-13 15:49:11,360 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,360 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,360 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,360 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,361 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,361 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ INFO ] Skip replacer (enabled = False) [ 2021-09-13 15:49:11,361 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,361 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,361 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,362 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,362 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,362 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,363 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,363 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,363 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,364 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,364 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,364 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'SSDToolboxDetectionOutput' doesn't exist [ INFO ] Failed to find custom replacement description with id 'SSDToolboxDetectionOutput' [ 2021-09-13 15:49:11,364 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'RetinaNetFilteredDetectionsReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'RetinaNetFilteredDetectionsReplacement' [ 2021-09-13 15:49:11,364 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,365 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,365 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,365 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,366 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,366 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,367 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,367 ] [ DEBUG ] [ eliminate:54 ] The following nodes are seeded as output reachable: StatefulPartitionedCall6/sink_port_0 StatefulPartitionedCall_15/sink_port_0 [ 2021-09-13 15:49:11,368 ] [ DEBUG ] [ eliminate:135 ] Removing the following dead nodes: [ 2021-09-13 15:49:11,368 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,368 ] [ DEBUG ] [ mvn_unrolled:19 ] Enabled MVN replacement [ 2021-09-13 15:49:11,368 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,369 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,369 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,369 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,369 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,370 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'TFYOLO' doesn't exist [ INFO ] Failed to find custom replacement description with id 'TFYOLO' [ 2021-09-13 15:49:11,370 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,370 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,371 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,371 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,372 ] [ DEBUG ] [ mvn:16 ] Enabled MVN replacement [ 2021-09-13 15:49:11,372 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,373 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ INFO ] Enabled LayerNorm pattern recognition [ 2021-09-13 15:49:11,374 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,374 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,375 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,375 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ INFO ] Skip replacer (graph_condition not satisfied) [ 2021-09-13 15:49:11,376 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,376 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,377 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,377 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,378 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,378 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ INFO ] Enabled GeLU Merger for approximation with TanH [ 2021-09-13 15:49:11,379 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ INFO ] Enabled GeLU Merger replacement for approximation with Erf [ 2021-09-13 15:49:11,381 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,381 ] [ DEBUG ] [ GNMT_DynamicSequenceLengths:30 ] +++++++++++++++ GNMT Sequence Lengths ConditionMatching ++++++++++++++++ [ 2021-09-13 15:49:11,382 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,382 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,383 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,383 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,383 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,384 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,385 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,385 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,386 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,386 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,386 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,387 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,388 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'AutomlEfficientDet' doesn't exist [ INFO ] Failed to find custom replacement description with id 'AutomlEfficientDet' [ 2021-09-13 15:49:11,388 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,388 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ INFO ] Skip replacer (enabled = False) [ 2021-09-13 15:49:11,389 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,389 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,389 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'ObjectDetectionAPIOutputReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ObjectDetectionAPIOutputReplacement' [ 2021-09-13 15:49:11,389 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'ObjectDetectionAPIConstValueOverride' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ObjectDetectionAPIConstValueOverride' [ 2021-09-13 15:49:11,389 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'ObjectDetectionAPIPreprocessorReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ObjectDetectionAPIPreprocessorReplacement' [ 2021-09-13 15:49:11,390 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'ObjectDetectionAPIPreprocessor2Replacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ObjectDetectionAPIPreprocessor2Replacement' [ 2021-09-13 15:49:11,390 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'ObjectDetectionAPISSDPostprocessorReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ObjectDetectionAPISSDPostprocessorReplacement' [ 2021-09-13 15:49:11,390 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'ObjectDetectionAPIProposalReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ObjectDetectionAPIProposalReplacement' [ 2021-09-13 15:49:11,390 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'ObjectDetectionAPIPSROIPoolingReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ObjectDetectionAPIPSROIPoolingReplacement' [ 2021-09-13 15:49:11,390 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'ObjectDetectionAPIDetectionOutputReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ObjectDetectionAPIDetectionOutputReplacement' [ 2021-09-13 15:49:11,390 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'ObjectDetectionAPIMaskRCNNROIPoolingSecondReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ObjectDetectionAPIMaskRCNNROIPoolingSecondReplacement' [ 2021-09-13 15:49:11,391 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ WARNING ] Configuration file for custom replacement with id 'ObjectDetectionAPIMaskRCNNSigmoidReplacement' doesn't exist [ INFO ] Failed to find custom replacement description with id 'ObjectDetectionAPIMaskRCNNSigmoidReplacement' [ 2021-09-13 15:49:11,391 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,391 ] [ DEBUG ] [ eliminate:54 ] The following nodes are seeded as output reachable: StatefulPartitionedCall6/sink_port_0 StatefulPartitionedCall_15/sink_port_0 [ 2021-09-13 15:49:11,391 ] [ DEBUG ] [ eliminate:135 ] Removing the following dead nodes: [ 2021-09-13 15:49:11,392 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,392 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,392 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,393 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,393 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,393 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,393 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,393 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,394 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,394 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,394 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,395 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,395 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,395 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,395 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,396 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,396 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,396 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,397 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,397 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,397 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,398 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,398 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,398 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,398 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,399 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,399 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,400 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,400 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,400 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,400 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,400 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,400 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,401 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,401 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,402 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,403 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,403 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,404 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,404 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,404 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,405 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,405 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,405 ] [ DEBUG ] [ eliminate:54 ] The following nodes are seeded as output reachable: StatefulPartitionedCall6/sink_port_0 StatefulPartitionedCall_15/sink_port_0 [ 2021-09-13 15:49:11,406 ] [ DEBUG ] [ eliminate:135 ] Removing the following dead nodes: [ 2021-09-13 15:49:11,406 ] [ DEBUG ] [ class_registration:272 ] Run replacer [ 2021-09-13 15:49:11,406 ] [ DEBUG ] [ infer:116 ] -------------------- [ 2021-09-13 15:49:11,407 ] [ DEBUG ] [ infer:117 ] Partial infer for Const [ 2021-09-13 15:49:11,407 ] [ DEBUG ] [ infer:118 ] Op: Const [ 2021-09-13 15:49:11,407 ] [ DEBUG ] [ infer:119 ] Inputs: [ 2021-09-13 15:49:11,407 ] [ DEBUG ] [ infer:132 ] Outputs: [ 2021-09-13 15:49:11,407 ] [ DEBUG ] [ infer:19 ] output[0]: shape = [], value = signatures [ 2021-09-13 15:49:11,407 ] [ DEBUG ] [ infer:116 ] -------------------- [ 2021-09-13 15:49:11,407 ] [ DEBUG ] [ infer:117 ] Partial infer for saver_filename [ 2021-09-13 15:49:11,407 ] [ DEBUG ] [ infer:118 ] Op: Parameter [ 2021-09-13 15:49:11,407 ] [ DEBUG ] [ infer:119 ] Inputs: [ 2021-09-13 15:49:11,407 ] [ DEBUG ] [ infer:132 ] Outputs: [ 2021-09-13 15:49:11,407 ] [ DEBUG ] [ infer:19 ] output[0]: shape = [], value = [ 2021-09-13 15:49:11,408 ] [ DEBUG ] [ infer:116 ] -------------------- [ 2021-09-13 15:49:11,408 ] [ DEBUG ] [ infer:117 ] Partial infer for StatefulPartitionedCall [ 2021-09-13 15:49:11,408 ] [ DEBUG ] [ infer:118 ] Op: StatefulPartitionedCall [ 2021-09-13 15:49:11,408 ] [ DEBUG ] [ infer:119 ] Inputs: [ 2021-09-13 15:49:11,408 ] [ DEBUG ] [ infer:19 ] input[0]: shape = [], value = [ 2021-09-13 15:49:11,408 ] [ DEBUG ] [ infer:19 ] input[1]: shape = [], value = signatures [ INFO ] Called "tf_native_tf_node_infer" for node "StatefulPartitionedCall" [ ERROR ] Cannot infer shapes or values for node "StatefulPartitionedCall". [ ERROR ] Expected DataType for argument 'dtype' not . [ 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). [ 2021-09-13 15:49:11,409 ] [ DEBUG ] [ infer:184 ] Node "StatefulPartitionedCall" attributes: {'pb': name: "StatefulPartitionedCall" op: "StatefulPartitionedCall" input: "saver_filename" input: "Const" attr { key: "Tin" value { list { type: DT_STRING type: DT_STRING } } } attr { key: "Tout" value { list { type: DT_STRING } } } attr { key: "_collective_manager_ids" value { list { } } } attr { key: "_output_shapes" value { list { shape { } } } } attr { key: "_read_only_resource_inputs" value { list { } } } attr { key: "config" value { s: "" } } attr { key: "config_proto" value { s: "\n\007\n\003CPU\020\001\n\007\n\003GPU\020\0002\002J\0008\001\202\001\000" } } attr { key: "executor_type" value { s: "" } } attr { key: "f" value { func { name: "__inference__traced_save_239" } } } , '_in_ports': {1: {'control_flow': False}, 0: {'control_flow': False}}, '_out_ports': {0: {'control_flow': False}}, 'kind': 'op', 'name': 'StatefulPartitionedCall', 'op': 'StatefulPartitionedCall', 'infer': , '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 "StatefulPartitionedCall" node. For more information please refer to Model Optimizer FAQ, question #38. (https://docs.openvinotoolkit.org/latest/openvino_docs_MO_DG_prepare_model_Model_Optimizer_FAQ.html?question=38#question-38) [ 2021-09-13 15:49:11,412 ] [ DEBUG ] [ main:410 ] Traceback (most recent call last): File "/home/dranzer/.virtual_environments/openvino_latest/lib/python3.8/site-packages/tensorflow/python/eager/execute.py", line 193, in make_type v = dtypes.as_dtype(v).base_dtype File "/home/dranzer/.virtual_environments/openvino_latest/lib/python3.8/site-packages/tensorflow/python/framework/dtypes.py", line 649, in as_dtype raise TypeError("Cannot convert value %r to a TensorFlow DType." % TypeError: Cannot convert value to a TensorFlow DType. During handling of the above exception, another exception occurred: Traceback (most recent call last): File "/opt/intel/openvino_2021/deployment_tools/model_optimizer/mo/middle/passes/infer.py", line 122, in partial_infer node.infer(node) File "/opt/intel/openvino_2021/deployment_tools/model_optimizer/mo/front/tf/partial_infer/tf.py", line 53, in tf_native_tf_node_infer tf_subgraph_infer(tmp_node) File "/opt/intel/openvino_2021/deployment_tools/model_optimizer/mo/front/tf/partial_infer/tf.py", line 126, in tf_subgraph_infer add_placeholders_to_subgraph(node) File "/opt/intel/openvino_2021/deployment_tools/model_optimizer/mo/front/tf/partial_infer/tf.py", line 212, in add_placeholders_to_subgraph placeholder = tf_v1.placeholder(determine_data_type(in_node), in_node.shape, placeholder_name) File "/home/dranzer/.virtual_environments/openvino_latest/lib/python3.8/site-packages/tensorflow/python/ops/array_ops.py", line 3179, in placeholder return gen_array_ops.placeholder(dtype=dtype, shape=shape, name=name) File "/home/dranzer/.virtual_environments/openvino_latest/lib/python3.8/site-packages/tensorflow/python/ops/gen_array_ops.py", line 6721, in placeholder dtype = _execute.make_type(dtype, "dtype") File "/home/dranzer/.virtual_environments/openvino_latest/lib/python3.8/site-packages/tensorflow/python/eager/execute.py", line 195, in make_type raise TypeError("Expected DataType for argument '%s' not %s." % TypeError: Expected DataType for argument 'dtype' not . The above exception was the direct cause of the following exception: Traceback (most recent call last): File "/opt/intel/openvino_2021/deployment_tools/model_optimizer/mo/utils/class_registration.py", line 276, in apply_transform replacer.find_and_replace_pattern(graph) File "/opt/intel/openvino_2021/deployment_tools/model_optimizer/extensions/middle/PartialInfer.py", line 21, in find_and_replace_pattern partial_infer(graph) File "/opt/intel/openvino_2021/deployment_tools/model_optimizer/mo/middle/passes/infer.py", line 185, in partial_infer raise Error('Stopped shape/value propagation at "{}" node. '.format(node.soft_get('name')) + mo.utils.error.Error: Stopped shape/value propagation at "StatefulPartitionedCall" node. For more information please refer to Model Optimizer FAQ, question #38. (https://docs.openvinotoolkit.org/latest/openvino_docs_MO_DG_prepare_model_Model_Optimizer_FAQ.html?question=38#question-38) The above exception was the direct cause of the following exception: Traceback (most recent call last): File "/opt/intel/openvino_2021/deployment_tools/model_optimizer/mo/main.py", line 394, in main ret_code = driver(argv) File "/opt/intel/openvino_2021/deployment_tools/model_optimizer/mo/main.py", line 356, in driver ret_res = emit_ir(prepare_ir(argv), argv) File "/opt/intel/openvino_2021/deployment_tools/model_optimizer/mo/main.py", line 252, in prepare_ir graph = unified_pipeline(argv) File "/opt/intel/openvino_2021/deployment_tools/model_optimizer/mo/pipeline/unified.py", line 13, in unified_pipeline class_registration.apply_replacements(graph, [ File "/opt/intel/openvino_2021/deployment_tools/model_optimizer/mo/utils/class_registration.py", line 328, in apply_replacements apply_replacements_list(graph, replacers_order) File "/opt/intel/openvino_2021/deployment_tools/model_optimizer/mo/utils/class_registration.py", line 314, in apply_replacements_list apply_transform( File "/opt/intel/openvino_2021/deployment_tools/model_optimizer/mo/utils/logger.py", line 111, in wrapper function(*args, **kwargs) File "/opt/intel/openvino_2021/deployment_tools/model_optimizer/mo/utils/class_registration.py", line 294, in apply_transform raise Error('Exception occurred during running replacer "{}" ({}): {}'.format( mo.utils.error.Error: Exception occurred during running replacer "REPLACEMENT_ID" (): Stopped shape/value propagation at "StatefulPartitionedCall" node. For more information please refer to Model Optimizer FAQ, question #38. (https://docs.openvinotoolkit.org/latest/openvino_docs_MO_DG_prepare_model_Model_Optimizer_FAQ.html?question=38#question-38) [ 2021-09-13 15:49:11,421 ] [ DEBUG ] [ connectionpool:971 ] Starting new HTTPS connection (%d): %s:%s [ 2021-09-13 15:49:11,422 ] [ DEBUG ] [ connectionpool:971 ] Starting new HTTPS connection (%d): %s:%s [ 2021-09-13 15:49:11,544 ] [ DEBUG ] [ connectionpool:452 ] %s://%s:%s "%s %s %s" %s %s [ 2021-09-13 15:49:11,551 ] [ DEBUG ] [ connectionpool:452 ] %s://%s:%s "%s %s %s" %s %s [ 2021-09-13 15:49:11,558 ] [ DEBUG ] [ connectionpool:452 ] %s://%s:%s "%s %s %s" %s %s [ 2021-09-13 15:49:11,568 ] [ DEBUG ] [ connectionpool:452 ] %s://%s:%s "%s %s %s" %s %s [ 2021-09-13 15:49:11,573 ] [ DEBUG ] [ connectionpool:452 ] %s://%s:%s "%s %s %s" %s %s [ 2021-09-13 15:49:11,580 ] [ DEBUG ] [ connectionpool:452 ] %s://%s:%s "%s %s %s" %s %s [ 2021-09-13 15:49:11,637 ] [ DEBUG ] [ connectionpool:452 ] %s://%s:%s "%s %s %s" %s %s [ 2021-09-13 15:49:11,665 ] [ DEBUG ] [ connectionpool:452 ] %s://%s:%s "%s %s %s" %s %s