[TF Lite] Build Training Platform for TensorFlow Lite Model


Resource


TF Lite 资源

TensorFlow Lite Object Detection on Android and Raspberry Pi

Relevant Github: https://github.com/EdjeElectronics/TensorFlow-Lite-Object-Detection-on-Android-and-Raspberry-Pi#step-1-train-quantized-ssd-mobilenet-model-and-export-frozen-tensorflow-lite-graph

Intro to Machine Learning on Android — How to convert a custom model to TensorFlow Lite

 

一、简单的例子

Ref: Converter command line examples

注意,这里不是 ssd_mobilenet.

curl https://storage.googleapis.com/download.tensorflow.org/models/mobilenet_v1_0.1_224_frozen.tgz \
  | tar xzv -C /tmp
tflite_convert \
  --output_file=/tmp/foo.tflite \
  --graph_def_file=/tmp/mobilenet_v1_1.0_224/frozen_graph.pb \
  --input_arrays=input \
  --output_arrays=MobilenetV1/Predictions/Reshape_1 
Model Million MACs Million Parameters Top-1 Accuracy Top-5 Accuracy
MobileNet_v1_1.0_224 569 4.24 70.9 89.9
MobileNet_v1_1.0_224_quant 569 4.24 70.1 88.9

 

 

二、SSD 版本

Hosted models: coco_ssd_mobilenet_v1_1.0_quant_2018_06_29

Ref: Training and serving a realtime mobile object detector in 30 minutes with Cloud TPUs

Ref: https://ai.googleblog.com/2018/07/accelerated-training-and-inference-with.html

A novel SSD-based architecture called the Pooling Pyramid Network (PPN) whose model size is >3x smaller than that of SSD MobileNet v1 with minimal loss in accuracy.

未来可以考虑,前期非必须。

Note that in addition to training an object detection model in the cloud, you can alternatively run training on your own hardware or in Colab.

云端,本地都可以。

 

  • Setting up your environment

/* more details, please check the link */

 

  • Training a quantized model with Cloud TPUs on Cloud ML Engine

The output of a machine learning model is a binary file containing the trained weights of our model — these files are often quite large, but since we’ll be serving this model directly on a mobile device we’ll need to make it as small as possible.

 

  • Installing Bazel (.pb --> .tflite)

Goto: https://github.com/bazelbuild/bazel/releases/tag/0.24.1

bazel run -c opt tensorflow/contrib/lite/toco:toco -- \
--input_file=$OUTPUT_DIR/tflite_graph.pb \
--output_file=$OUTPUT_DIR/detect.tflite \
--input_shapes=1,300,300,3 \
--input_arrays=normalized_input_image_tensor \
--output_arrays='TFLite_Detection_PostProcess','TFLite_Detection_PostProcess:1','TFLite_Detection_PostProcess:2','TFLite_Detection_PostProcess:3'  \
--inference_type=QUANTIZED_UINT8 \
--mean_values=128 \
--std_values=128 \
--change_concat_input_ranges=false \
--allow_custom_ops 

27.6M 压缩到 6.8M,效果不错。

(base) jeffrey@unsw-ThinkPad-T490:ssd_mobilenet_v1_quantized_300x300_coco14_sync_2018_07_18$ ll
total 139512
drwxrwxrwx 2 jeffrey jeffrey     4096 Jan 24 00:52 ./
drwx------ 7 jeffrey jeffrey     4096 Jan 23 23:23 ../
-rw-r--r-- 1 jeffrey jeffrey  6899008 Jan 24 00:56 detect.tflite
-rw-r----- 1 jeffrey jeffrey 27381492 Jul 19  2018 model.ckpt.data-00000-of-00001
-rw-r----- 1 jeffrey jeffrey    14948 Jul 19  2018 model.ckpt.index
-rw-r----- 1 jeffrey jeffrey  2229805 Jul 19  2018 model.ckpt.meta
-rw-r----- 1 jeffrey jeffrey     4469 Jul  8  2018 pipeline.config
-rwxrwxrwx 1 jeffrey jeffrey 27692743 Jul 18 2018 tflite_graph.pb*

 

  • OpenCV DNN

Ref: TensorFlow Object Detection API

Model Version    
MobileNet-SSD v1 2017_11_17 weights config
MobileNet-SSD v1 PPN 2018_07_03 weights config
MobileNet-SSD v2 2018_03_29 weights config
Inception-SSD v2 2017_11_17 weights config
Faster-RCNN Inception v2 2018_01_28 weights config
Faster-RCNN ResNet-50 2018_01_28 weights config
Mask-RCNN Inception v2 2018_01_28 weights config

 

 

三、自定义数据集训练

如何自定义训练模型:coco_ssd_mobilenet_v1_1.0_quant_2018_06_29 

从中找线索: Training and serving a realtime mobile object detector in 30 minutes with Cloud TPUs

對應的中文版:TensorFlow:使用Cloud TPU在30分钟内训练出实时移动对象检测器

 

  • 何爲Quant

Goto: tensorflow模型权重量化(weight quantization)实践

需要解決:ssd_mobilenet_v1_coco.pb --> ssd_mobile_v1_coco_quantized.pb 的過程。

之後通過bazel依次變爲對應的tflite格式。

From: https://android.googlesource.com/platform/test/mlts/models/+/47a6811e7c7d4ae22e50665a5fa23f9d684ddd8c/README.txt

- ssd_mobilenet_v1_coco_float.tflite
Float version of MobileNet SSD tensorflow model based on:
"Speed/accuracy trade-offs for modern convolutional object detectors."
https://arxiv.org/abs/1611.10012
Apache License, Version 2.0
 
Generated from
http://download.tensorflow.org/models/object_detection/ssd_mobilenet_v1_coco_2018_01_28.tar.gz
on Sep 24 2018.
See also: https://github.com/tensorflow/models/tree/master/research/object_detection
Golden output generated with ToT tflite (Linux, x86_64 CPU).
 
 
- ssd_mobilenet_v1_coco_quantized.tflite
8bit quantized MobileNet SSD tensorflow lite model based on:
"Speed/accuracy trade-offs for modern convolutional object detectors."
https://arxiv.org/abs/1611.10012
Apache License, Version 2.0
 
Generated from
http://download.tensorflow.org/models/object_detection/ssd_mobilenet_v1_quantized_300x300_coco14_sync_2018_07_18.tar.gz
on Sep 19 2018.
See also: https://github.com/tensorflow/models/tree/master/research/object_detection
Golden output generated with ToT tflite (Linux, CPU).

 

  • Let's do it!

Goto: [TF Lite] How to convert a custom model to TensorFlow Lite

 

 

 

 

TensorFlow-GPU


卸载 CUDA

    ===========
    = Summary =
    ===========

    Driver:   Not Selected
    Toolkit:  Installed in /usr/local/cuda-10.2/
    Samples:  Installed in /home/jeffrey/

    Please make sure that
     -   PATH includes /usr/local/cuda-10.2/bin
     -   LD_LIBRARY_PATH includes /usr/local/cuda-10.2/lib64, or, add /usr/local/cuda-10.2/lib64 to /etc/ld.so.conf and run ldconfig as root

    To uninstall the CUDA Toolkit, run cuda-uninstaller in /usr/local/cuda-10.2/bin

    Please see CUDA_Installation_Guide_Linux.pdf in /usr/local/cuda-10.2/doc/pdf for detailed information on setting up CUDA.
    ***WARNING: Incomplete installation! This installation did not install the CUDA Driver. A driver of version at least 440.00 is required for CUDA 10.2 functionality to work.
    To install the driver using this installer, run the following command, replacing <CudaInstaller> with the name of this run file:
        sudo <CudaInstaller>.run --silent --driver

    Logfile is /var/log/cuda-installer.log

 

 

Tensorflow-gpu-1.14.0 安装

Which TensorFlow and CUDA version combinations are compatible?

 

gcc-6, g++-6 are required.

 

去掉警告:FutureWarning: Deprecated numpy API calls in tf.python.framework.dtypes #30427

FutureWarning: Passing (type, 1) or '1type' as a synonym of type is deprecated; in a future version of numpy, it will be understood as (type, (1,)) / '(1,)type'.

$ pip install "numpy<1.17"

 

 

开始训练 

详见 :[AI] 深度网络 - DNN

训练脚本执行日志私人参考:

/home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/slim::pwd:pwd/slim:

############################################################
04_auto_train_cnn
############################################################

g_input_imageDirPath  /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/03_auto_build_train_dataset/OUTPUT/images
g_input_csvDirPath    /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/03_auto_build_train_dataset/OUTPUT/csv
g_pretrainedModelPath /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/00_configure/pretrained_cnn/cnn-m08/training
g_testDatasetPath     /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/00_configure/test_images
g_imageDirPath   : /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/images
g_csvDirPath     : /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/data
g_trainingPath   : /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/training
g_train_pbtxtPath: /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/data/object-detection.pbtxt
g_exportedPath   : /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/exported_model_directory
g_testModelPath  : /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exported_model_directory
g_testImagesPath : /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/test_images
g_test_pbtxtPath : /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/data/object-detection.pbtxt
INFO:root:Remove /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/images
INFO:root:Remove /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/data
INFO:root:Remove /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/training
INFO:root:model_builder_test.py
INFO:root:python /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/builders/model_builder_test.py
WARNING:tensorflow:
The TensorFlow contrib module will not be included in TensorFlow 2.0.
For more information, please see:
  * https://github.com/tensorflow/community/blob/master/rfcs/20180907-contrib-sunset.md
  * https://github.com/tensorflow/addons
  * https://github.com/tensorflow/io (for I/O related ops)
If you depend on functionality not listed there, please file an issue.

WARNING:tensorflow:From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/slim/nets/inception_resnet_v2.py:373: The name tf.GraphKeys is deprecated. Please use tf.compat.v1.GraphKeys instead.

WARNING:tensorflow:From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/slim/nets/mobilenet/mobilenet.py:389: The name tf.nn.avg_pool is deprecated. Please use tf.nn.avg_pool2d instead.

Running tests under Python 3.7.3: /usr/local/anaconda3/bin/python
[ RUN      ] ModelBuilderTest.test_create_embedded_ssd_mobilenet_v1_model_from_config
[       OK ] ModelBuilderTest.test_create_embedded_ssd_mobilenet_v1_model_from_config
[ RUN      ] ModelBuilderTest.test_create_faster_rcnn_inception_resnet_v2_model_from_config
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/anchor_generators/grid_anchor_generator.py:59: to_float (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.cast` instead.
W0123 17:11:41.430228 140661982467904 deprecation.py:323] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/anchor_generators/grid_anchor_generator.py:59: to_float (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.cast` instead.
[       OK ] ModelBuilderTest.test_create_faster_rcnn_inception_resnet_v2_model_from_config
[ RUN      ] ModelBuilderTest.test_create_faster_rcnn_inception_v2_model_from_config
[       OK ] ModelBuilderTest.test_create_faster_rcnn_inception_v2_model_from_config
[ RUN      ] ModelBuilderTest.test_create_faster_rcnn_model_from_config_with_example_miner
[       OK ] ModelBuilderTest.test_create_faster_rcnn_model_from_config_with_example_miner
[ RUN      ] ModelBuilderTest.test_create_faster_rcnn_nas_model_from_config
[       OK ] ModelBuilderTest.test_create_faster_rcnn_nas_model_from_config
[ RUN      ] ModelBuilderTest.test_create_faster_rcnn_pnas_model_from_config
[       OK ] ModelBuilderTest.test_create_faster_rcnn_pnas_model_from_config
[ RUN      ] ModelBuilderTest.test_create_faster_rcnn_resnet101_with_mask_prediction_enabled
[       OK ] ModelBuilderTest.test_create_faster_rcnn_resnet101_with_mask_prediction_enabled
[ RUN      ] ModelBuilderTest.test_create_faster_rcnn_resnet_v1_models_from_config
[       OK ] ModelBuilderTest.test_create_faster_rcnn_resnet_v1_models_from_config
[ RUN      ] ModelBuilderTest.test_create_rfcn_resnet_v1_model_from_config
[       OK ] ModelBuilderTest.test_create_rfcn_resnet_v1_model_from_config
[ RUN      ] ModelBuilderTest.test_create_ssd_inception_v2_model_from_config
[       OK ] ModelBuilderTest.test_create_ssd_inception_v2_model_from_config
[ RUN      ] ModelBuilderTest.test_create_ssd_inception_v3_model_from_config
[       OK ] ModelBuilderTest.test_create_ssd_inception_v3_model_from_config
[ RUN      ] ModelBuilderTest.test_create_ssd_mobilenet_v1_fpn_model_from_config
[       OK ] ModelBuilderTest.test_create_ssd_mobilenet_v1_fpn_model_from_config
[ RUN      ] ModelBuilderTest.test_create_ssd_mobilenet_v1_model_from_config
[       OK ] ModelBuilderTest.test_create_ssd_mobilenet_v1_model_from_config
[ RUN      ] ModelBuilderTest.test_create_ssd_mobilenet_v1_ppn_model_from_config
[       OK ] ModelBuilderTest.test_create_ssd_mobilenet_v1_ppn_model_from_config
[ RUN      ] ModelBuilderTest.test_create_ssd_mobilenet_v2_model_from_config
[       OK ] ModelBuilderTest.test_create_ssd_mobilenet_v2_model_from_config
[ RUN      ] ModelBuilderTest.test_create_ssd_resnet_v1_fpn_model_from_config
[       OK ] ModelBuilderTest.test_create_ssd_resnet_v1_fpn_model_from_config
[ RUN      ] ModelBuilderTest.test_create_ssd_resnet_v1_ppn_model_from_config
[       OK ] ModelBuilderTest.test_create_ssd_resnet_v1_ppn_model_from_config
[ RUN      ] ModelBuilderTest.test_session
[  SKIPPED ] ModelBuilderTest.test_session
----------------------------------------------------------------------
Ran 18 tests in 0.088s

OK (skipped=1)
INFO:root:create tfrecord file in ./data
INFO:root:python /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/generate_tfrecord.py --csv_input=/home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/data/Laala_labels_train.csv --output_path=/home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/data/train.record
WARNING:tensorflow:From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/generate_tfrecord.py:101: The name tf.app.run is deprecated. Please use tf.compat.v1.app.run instead.

WARNING:tensorflow:From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/generate_tfrecord.py:87: The name tf.python_io.TFRecordWriter is deprecated. Please use tf.io.TFRecordWriter instead.

W0123 17:11:43.578057 140523935446848 deprecation_wrapper.py:119] From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/generate_tfrecord.py:87: The name tf.python_io.TFRecordWriter is deprecated. Please use tf.io.TFRecordWriter instead.

WARNING:tensorflow:From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/generate_tfrecord.py:46: The name tf.gfile.GFile is deprecated. Please use tf.io.gfile.GFile instead.

W0123 17:11:43.628372 140523935446848 deprecation_wrapper.py:119] From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/generate_tfrecord.py:46: The name tf.gfile.GFile is deprecated. Please use tf.io.gfile.GFile instead.

in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
Successfully created the TFRecords: /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/data/train.record
INFO:root:python /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/generate_tfrecord.py --csv_input=/home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/data/Laala_labels_test.csv --output_path=/home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/data/test.record
WARNING:tensorflow:From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/generate_tfrecord.py:101: The name tf.app.run is deprecated. Please use tf.compat.v1.app.run instead.

WARNING:tensorflow:From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/generate_tfrecord.py:87: The name tf.python_io.TFRecordWriter is deprecated. Please use tf.io.TFRecordWriter instead.

W0123 17:11:47.826427 139680259630912 deprecation_wrapper.py:119] From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/generate_tfrecord.py:87: The name tf.python_io.TFRecordWriter is deprecated. Please use tf.io.TFRecordWriter instead.

WARNING:tensorflow:From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/generate_tfrecord.py:46: The name tf.gfile.GFile is deprecated. Please use tf.io.gfile.GFile instead.

W0123 17:11:47.838687 139680259630912 deprecation_wrapper.py:119] From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/generate_tfrecord.py:46: The name tf.gfile.GFile is deprecated. Please use tf.io.gfile.GFile instead.

in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
in class_text_to_int
Laala
Successfully created the TFRecords: /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/data/test.record
INFO:root:Train
INFO:root:python /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/train.py --logtostderr --train_dir=/home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/training --pipeline_config_path=/home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/training/ssd_mobilenet_v1_pets.config
WARNING:tensorflow:
The TensorFlow contrib module will not be included in TensorFlow 2.0.
For more information, please see:
  * https://github.com/tensorflow/community/blob/master/rfcs/20180907-contrib-sunset.md
  * https://github.com/tensorflow/addons
  * https://github.com/tensorflow/io (for I/O related ops)
If you depend on functionality not listed there, please file an issue.

WARNING:tensorflow:From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/slim/nets/inception_resnet_v2.py:373: The name tf.GraphKeys is deprecated. Please use tf.compat.v1.GraphKeys instead.

WARNING:tensorflow:From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/slim/nets/mobilenet/mobilenet.py:389: The name tf.nn.avg_pool is deprecated. Please use tf.nn.avg_pool2d instead.

WARNING:tensorflow:From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/train.py:55: The name tf.logging.set_verbosity is deprecated. Please use tf.compat.v1.logging.set_verbosity instead.

WARNING:tensorflow:From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/train.py:55: The name tf.logging.INFO is deprecated. Please use tf.compat.v1.logging.INFO instead.

WARNING:tensorflow:From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/train.py:184: The name tf.app.run is deprecated. Please use tf.compat.v1.app.run instead.

WARNING:tensorflow:From /usr/local/anaconda3/lib/python3.7/site-packages/absl/app.py:250: main (from __main__) is deprecated and will be removed in a future version.
Instructions for updating:
Use object_detection/model_main.py.
W0123 17:11:56.936081 140698903488320 deprecation.py:323] From /usr/local/anaconda3/lib/python3.7/site-packages/absl/app.py:250: main (from __main__) is deprecated and will be removed in a future version.
Instructions for updating:
Use object_detection/model_main.py.
WARNING:tensorflow:From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/train.py:90: The name tf.gfile.MakeDirs is deprecated. Please use tf.io.gfile.makedirs instead.

W0123 17:11:56.936264 140698903488320 deprecation_wrapper.py:119] From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/train.py:90: The name tf.gfile.MakeDirs is deprecated. Please use tf.io.gfile.makedirs instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/utils/config_util.py:92: The name tf.gfile.GFile is deprecated. Please use tf.io.gfile.GFile instead.

W0123 17:11:56.936510 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/utils/config_util.py:92: The name tf.gfile.GFile is deprecated. Please use tf.io.gfile.GFile instead.

WARNING:tensorflow:From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/train.py:95: The name tf.gfile.Copy is deprecated. Please use tf.io.gfile.copy instead.

W0123 17:11:56.940218 140698903488320 deprecation_wrapper.py:119] From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/train.py:95: The name tf.gfile.Copy is deprecated. Please use tf.io.gfile.copy instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/trainer.py:262: create_global_step (from tensorflow.contrib.framework.python.ops.variables) is deprecated and will be removed in a future version.
Instructions for updating:
Please switch to tf.train.create_global_step
W0123 17:11:56.942664 140698903488320 deprecation.py:323] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/trainer.py:262: create_global_step (from tensorflow.contrib.framework.python.ops.variables) is deprecated and will be removed in a future version.
Instructions for updating:
Please switch to tf.train.create_global_step
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/data_decoders/tf_example_decoder.py:145: The name tf.FixedLenFeature is deprecated. Please use tf.io.FixedLenFeature instead.

W0123 17:11:56.946650 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/data_decoders/tf_example_decoder.py:145: The name tf.FixedLenFeature is deprecated. Please use tf.io.FixedLenFeature instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/data_decoders/tf_example_decoder.py:160: The name tf.VarLenFeature is deprecated. Please use tf.io.VarLenFeature instead.

W0123 17:11:56.946874 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/data_decoders/tf_example_decoder.py:160: The name tf.VarLenFeature is deprecated. Please use tf.io.VarLenFeature instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/builders/dataset_builder.py:61: The name tf.gfile.Glob is deprecated. Please use tf.io.gfile.glob instead.

W0123 17:11:56.950786 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/builders/dataset_builder.py:61: The name tf.gfile.Glob is deprecated. Please use tf.io.gfile.glob instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/builders/dataset_builder.py:65: The name tf.logging.warning is deprecated. Please use tf.compat.v1.logging.warning instead.

W0123 17:11:56.951541 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/builders/dataset_builder.py:65: The name tf.logging.warning is deprecated. Please use tf.compat.v1.logging.warning instead.

WARNING:tensorflow:num_readers has been reduced to 1 to match input file shards.
W0123 17:11:56.951646 140698903488320 dataset_builder.py:66] num_readers has been reduced to 1 to match input file shards.
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/builders/dataset_builder.py:80: parallel_interleave (from tensorflow.contrib.data.python.ops.interleave_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.data.experimental.parallel_interleave(...)`.
W0123 17:11:56.956664 140698903488320 deprecation.py:323] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/builders/dataset_builder.py:80: parallel_interleave (from tensorflow.contrib.data.python.ops.interleave_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.data.experimental.parallel_interleave(...)`.
WARNING:tensorflow:From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/contrib/data/python/ops/interleave_ops.py:77: parallel_interleave (from tensorflow.python.data.experimental.ops.interleave_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.data.Dataset.interleave(map_func, cycle_length, block_length, num_parallel_calls=tf.data.experimental.AUTOTUNE)` instead. If sloppy execution is desired, use `tf.data.Options.experimental_determinstic`.
W0123 17:11:56.956817 140698903488320 deprecation.py:323] From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/contrib/data/python/ops/interleave_ops.py:77: parallel_interleave (from tensorflow.python.data.experimental.ops.interleave_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.data.Dataset.interleave(map_func, cycle_length, block_length, num_parallel_calls=tf.data.experimental.AUTOTUNE)` instead. If sloppy execution is desired, use `tf.data.Options.experimental_determinstic`.
2020-01-23 17:11:57.023000: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcuda.so.1
2020-01-23 17:11:57.035387: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:11:57.035701: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1640] Found device 0 with properties: 
name: GeForce MX250 major: 6 minor: 1 memoryClockRate(GHz): 1.582
pciBusID: 0000:3c:00.0
2020-01-23 17:11:57.035887: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudart.so.10.0
2020-01-23 17:11:57.036824: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcublas.so.10.0
2020-01-23 17:11:57.037701: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcufft.so.10.0
2020-01-23 17:11:57.037935: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcurand.so.10.0
2020-01-23 17:11:57.039059: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusolver.so.10.0
2020-01-23 17:11:57.040096: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusparse.so.10.0
2020-01-23 17:11:57.043222: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudnn.so.7
2020-01-23 17:11:57.043358: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:11:57.043720: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:11:57.043991: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1763] Adding visible gpu devices: 0
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/builders/dataset_builder.py:43: DatasetV1.make_initializable_iterator (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `for ... in dataset:` to iterate over a dataset. If using `tf.estimator`, return the `Dataset` object directly from your input function. As a last resort, you can use `tf.compat.v1.data.make_initializable_iterator(dataset)`.
W0123 17:11:57.258530 140698903488320 deprecation.py:323] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/builders/dataset_builder.py:43: DatasetV1.make_initializable_iterator (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `for ... in dataset:` to iterate over a dataset. If using `tf.estimator`, return the `Dataset` object directly from your input function. As a last resort, you can use `tf.compat.v1.data.make_initializable_iterator(dataset)`.
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/builders/dataset_builder.py:44: The name tf.add_to_collection is deprecated. Please use tf.compat.v1.add_to_collection instead.

W0123 17:11:57.263702 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/builders/dataset_builder.py:44: The name tf.add_to_collection is deprecated. Please use tf.compat.v1.add_to_collection instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/trainer.py:65: to_float (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.cast` instead.
W0123 17:11:57.266382 140698903488320 deprecation.py:323] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/trainer.py:65: to_float (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.cast` instead.
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/preprocessor.py:505: The name tf.random_uniform is deprecated. Please use tf.random.uniform instead.

W0123 17:11:57.267842 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/preprocessor.py:505: The name tf.random_uniform is deprecated. Please use tf.random.uniform instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/preprocessor.py:188: sample_distorted_bounding_box (from tensorflow.python.ops.image_ops_impl) is deprecated and will be removed in a future version.
Instructions for updating:
`seed2` arg is deprecated.Use sample_distorted_bounding_box_v2 instead.
W0123 17:11:57.322860 140698903488320 deprecation.py:323] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/preprocessor.py:188: sample_distorted_bounding_box (from tensorflow.python.ops.image_ops_impl) is deprecated and will be removed in a future version.
Instructions for updating:
`seed2` arg is deprecated.Use sample_distorted_bounding_box_v2 instead.
WARNING:tensorflow:From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/util/dispatch.py:180: calling squeeze (from tensorflow.python.ops.array_ops) with squeeze_dims is deprecated and will be removed in a future version.
Instructions for updating:
Use the `axis` argument instead
W0123 17:11:57.326407 140698903488320 deprecation.py:506] From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/util/dispatch.py:180: calling squeeze (from tensorflow.python.ops.array_ops) with squeeze_dims is deprecated and will be removed in a future version.
Instructions for updating:
Use the `axis` argument instead
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/box_list_ops.py:200: add_dispatch_support..wrapper (from tensorflow.python.ops.array_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.where in 2.0, which has the same broadcast rule as np.where
W0123 17:11:57.337073 140698903488320 deprecation.py:323] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/box_list_ops.py:200: add_dispatch_support..wrapper (from tensorflow.python.ops.array_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.where in 2.0, which has the same broadcast rule as np.where
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/batcher.py:96: batch (from tensorflow.python.training.input) is deprecated and will be removed in a future version.
Instructions for updating:
Queue-based input pipelines have been replaced by `tf.data`. Use `tf.data.Dataset.batch(batch_size)` (or `padded_batch(...)` if `dynamic_pad=True`).
W0123 17:11:57.969066 140698903488320 deprecation.py:323] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/batcher.py:96: batch (from tensorflow.python.training.input) is deprecated and will be removed in a future version.
Instructions for updating:
Queue-based input pipelines have been replaced by `tf.data`. Use `tf.data.Dataset.batch(batch_size)` (or `padded_batch(...)` if `dynamic_pad=True`).
WARNING:tensorflow:From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/training/input.py:753: QueueRunner.__init__ (from tensorflow.python.training.queue_runner_impl) is deprecated and will be removed in a future version.
Instructions for updating:
To construct input pipelines, use the `tf.data` module.
W0123 17:11:57.972711 140698903488320 deprecation.py:323] From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/training/input.py:753: QueueRunner.__init__ (from tensorflow.python.training.queue_runner_impl) is deprecated and will be removed in a future version.
Instructions for updating:
To construct input pipelines, use the `tf.data` module.
WARNING:tensorflow:From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/training/input.py:753: add_queue_runner (from tensorflow.python.training.queue_runner_impl) is deprecated and will be removed in a future version.
Instructions for updating:
To construct input pipelines, use the `tf.data` module.
W0123 17:11:57.973714 140698903488320 deprecation.py:323] From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/training/input.py:753: add_queue_runner (from tensorflow.python.training.queue_runner_impl) is deprecated and will be removed in a future version.
Instructions for updating:
To construct input pipelines, use the `tf.data` module.
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/prefetcher.py:58: The name tf.summary.scalar is deprecated. Please use tf.compat.v1.summary.scalar instead.

W0123 17:11:57.982209 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/prefetcher.py:58: The name tf.summary.scalar is deprecated. Please use tf.compat.v1.summary.scalar instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/preprocessor.py:2340: The name tf.image.resize_images is deprecated. Please use tf.image.resize instead.

W0123 17:11:58.808652 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/preprocessor.py:2340: The name tf.image.resize_images is deprecated. Please use tf.image.resize instead.

WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:11:59.182709 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:11:59.217670 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:11:59.270478 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:11:59.355576 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:11:59.388110 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:11:59.440965 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:11:59.522699 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:11:59.556249 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:11:59.612908 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:11:59.710170 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:11:59.744895 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:11:59.803441 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:11:59.888799 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:11:59.923429 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:11:59.979057 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:00.063328 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:00.096737 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:00.153047 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:00.237859 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:00.271518 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:00.409974 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:00.494709 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:00.528163 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:00.585282 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:00.670989 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:00.705408 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:00.761925 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:00.850169 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:00.885945 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:00.945328 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:01.035404 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:01.070699 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:01.129006 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:01.218179 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:01.253264 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:01.312097 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:01.400448 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:01.441074 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:01.503221 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:01.584941 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:01.621723 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:01.704026 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:01.736844 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:01.819298 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:01.851644 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:01.935686 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:01.968460 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:02.050567 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:02.082659 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:02.164669 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:02.197456 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:02.279322 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:02.311319 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:02.393613 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:02.426660 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:02.509915 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:02.542596 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/predictors/convolutional_box_predictor.py:162: The name tf.logging.info is deprecated. Please use tf.compat.v1.logging.info instead.

W0123 17:12:03.165414 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/predictors/convolutional_box_predictor.py:162: The name tf.logging.info is deprecated. Please use tf.compat.v1.logging.info instead.

INFO:tensorflow:depth of additional conv before box predictor: 0
I0123 17:12:03.165588 140698903488320 convolutional_box_predictor.py:163] depth of additional conv before box predictor: 0
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:03.241378 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:03.319776 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
INFO:tensorflow:depth of additional conv before box predictor: 0
I0123 17:12:03.325532 140698903488320 convolutional_box_predictor.py:163] depth of additional conv before box predictor: 0
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:03.483140 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:03.561610 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
INFO:tensorflow:depth of additional conv before box predictor: 0
I0123 17:12:03.567405 140698903488320 convolutional_box_predictor.py:163] depth of additional conv before box predictor: 0
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:03.643740 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:03.721812 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
INFO:tensorflow:depth of additional conv before box predictor: 0
I0123 17:12:03.727641 140698903488320 convolutional_box_predictor.py:163] depth of additional conv before box predictor: 0
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:03.803902 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:03.881962 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
INFO:tensorflow:depth of additional conv before box predictor: 0
I0123 17:12:03.887854 140698903488320 convolutional_box_predictor.py:163] depth of additional conv before box predictor: 0
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:03.963270 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:04.041877 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
INFO:tensorflow:depth of additional conv before box predictor: 0
I0123 17:12:04.047833 140698903488320 convolutional_box_predictor.py:163] depth of additional conv before box predictor: 0
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:04.123816 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:12:04.201746 140698903488320 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/losses.py:151: The name tf.losses.huber_loss is deprecated. Please use tf.compat.v1.losses.huber_loss instead.

W0123 17:12:09.176605 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/losses.py:151: The name tf.losses.huber_loss is deprecated. Please use tf.compat.v1.losses.huber_loss instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/losses.py:157: The name tf.losses.Reduction is deprecated. Please use tf.compat.v1.losses.Reduction instead.

W0123 17:12:09.177837 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/losses.py:157: The name tf.losses.Reduction is deprecated. Please use tf.compat.v1.losses.Reduction instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/losses.py:631: to_int32 (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.cast` instead.
W0123 17:12:09.237317 140698903488320 deprecation.py:323] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/losses.py:631: to_int32 (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.cast` instead.
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/trainer.py:204: The name tf.losses.add_loss is deprecated. Please use tf.compat.v1.losses.add_loss instead.

W0123 17:12:09.891888 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/trainer.py:204: The name tf.losses.add_loss is deprecated. Please use tf.compat.v1.losses.add_loss instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/builders/optimizer_builder.py:94: The name tf.train.get_or_create_global_step is deprecated. Please use tf.compat.v1.train.get_or_create_global_step instead.

W0123 17:12:09.892416 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/builders/optimizer_builder.py:94: The name tf.train.get_or_create_global_step is deprecated. Please use tf.compat.v1.train.get_or_create_global_step instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/utils/learning_schedules.py:54: The name tf.train.exponential_decay is deprecated. Please use tf.compat.v1.train.exponential_decay instead.

W0123 17:12:09.892589 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/utils/learning_schedules.py:54: The name tf.train.exponential_decay is deprecated. Please use tf.compat.v1.train.exponential_decay instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/builders/optimizer_builder.py:42: The name tf.train.RMSPropOptimizer is deprecated. Please use tf.compat.v1.train.RMSPropOptimizer instead.

W0123 17:12:09.901912 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/builders/optimizer_builder.py:42: The name tf.train.RMSPropOptimizer is deprecated. Please use tf.compat.v1.train.RMSPropOptimizer instead.

WARNING:tensorflow:From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/training/rmsprop.py:119: calling Ones.__init__ (from tensorflow.python.ops.init_ops) with dtype is deprecated and will be removed in a future version.
Instructions for updating:
Call initializer instance with the dtype argument instead of passing it to the constructor
W0123 17:12:11.636645 140698903488320 deprecation.py:506] From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/training/rmsprop.py:119: calling Ones.__init__ (from tensorflow.python.ops.init_ops) with dtype is deprecated and will be removed in a future version.
Instructions for updating:
Call initializer instance with the dtype argument instead of passing it to the constructor
WARNING:tensorflow:From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/training/moving_averages.py:433: Variable.initialized_value (from tensorflow.python.ops.variables) is deprecated and will be removed in a future version.
Instructions for updating:
Use Variable.read_value. Variables in 2.X are initialized automatically both in eager and graph (inside tf.defun) contexts.
W0123 17:12:13.367351 140698903488320 deprecation.py:323] From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/training/moving_averages.py:433: Variable.initialized_value (from tensorflow.python.ops.variables) is deprecated and will be removed in a future version.
Instructions for updating:
Use Variable.read_value. Variables in 2.X are initialized automatically both in eager and graph (inside tf.defun) contexts.
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/trainer.py:349: The name tf.summary.histogram is deprecated. Please use tf.compat.v1.summary.histogram instead.

W0123 17:12:20.948876 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/trainer.py:349: The name tf.summary.histogram is deprecated. Please use tf.compat.v1.summary.histogram instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/trainer.py:351: The name tf.losses.get_losses is deprecated. Please use tf.compat.v1.losses.get_losses instead.

W0123 17:12:21.159545 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/trainer.py:351: The name tf.losses.get_losses is deprecated. Please use tf.compat.v1.losses.get_losses instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/trainer.py:355: The name tf.losses.get_total_loss is deprecated. Please use tf.compat.v1.losses.get_total_loss instead.

W0123 17:12:21.161893 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/trainer.py:355: The name tf.losses.get_total_loss is deprecated. Please use tf.compat.v1.losses.get_total_loss instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/trainer.py:364: The name tf.summary.merge is deprecated. Please use tf.compat.v1.summary.merge instead.

W0123 17:12:21.165125 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/trainer.py:364: The name tf.summary.merge is deprecated. Please use tf.compat.v1.summary.merge instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/trainer.py:375: The name tf.train.Saver is deprecated. Please use tf.compat.v1.train.Saver instead.

W0123 17:12:21.170640 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/legacy/trainer.py:375: The name tf.train.Saver is deprecated. Please use tf.compat.v1.train.Saver instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/utils/variables_helper.py:126: The name tf.train.NewCheckpointReader is deprecated. Please use tf.compat.v1.train.NewCheckpointReader instead.

W0123 17:12:21.683755 140698903488320 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/utils/variables_helper.py:126: The name tf.train.NewCheckpointReader is deprecated. Please use tf.compat.v1.train.NewCheckpointReader instead.

WARNING:tensorflow:From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/contrib/slim/python/slim/learning.py:742: Supervisor.__init__ (from tensorflow.python.training.supervisor) is deprecated and will be removed in a future version.
Instructions for updating:
Please switch to tf.train.MonitoredTrainingSession
W0123 17:12:22.737119 140698903488320 deprecation.py:323] From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/contrib/slim/python/slim/learning.py:742: Supervisor.__init__ (from tensorflow.python.training.supervisor) is deprecated and will be removed in a future version.
Instructions for updating:
Please switch to tf.train.MonitoredTrainingSession
2020-01-23 17:12:24.099155: I tensorflow/core/platform/cpu_feature_guard.cc:142] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2 FMA
2020-01-23 17:12:24.139408: I tensorflow/core/platform/profile_utils/cpu_utils.cc:94] CPU Frequency: 1999965000 Hz
2020-01-23 17:12:24.140059: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x5596d617aef0 executing computations on platform Host. Devices:
2020-01-23 17:12:24.140106: I tensorflow/compiler/xla/service/service.cc:175]   StreamExecutor device (0): , 
2020-01-23 17:12:24.140473: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:12:24.141066: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1640] Found device 0 with properties: 
name: GeForce MX250 major: 6 minor: 1 memoryClockRate(GHz): 1.582
pciBusID: 0000:3c:00.0
2020-01-23 17:12:24.141140: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudart.so.10.0
2020-01-23 17:12:24.141179: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcublas.so.10.0
2020-01-23 17:12:24.141213: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcufft.so.10.0
2020-01-23 17:12:24.141245: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcurand.so.10.0
2020-01-23 17:12:24.141280: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusolver.so.10.0
2020-01-23 17:12:24.141313: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusparse.so.10.0
2020-01-23 17:12:24.141346: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudnn.so.7
2020-01-23 17:12:24.141465: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:12:24.142071: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:12:24.142576: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1763] Adding visible gpu devices: 0
2020-01-23 17:12:24.142676: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudart.so.10.0
2020-01-23 17:12:24.209999: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1181] Device interconnect StreamExecutor with strength 1 edge matrix:
2020-01-23 17:12:24.210031: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1187]      0 
2020-01-23 17:12:24.210040: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1200] 0:   N 
2020-01-23 17:12:24.210236: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:12:24.210670: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:12:24.211052: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:12:24.211382: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1326] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 1597 MB memory) -> physical GPU (device: 0, name: GeForce MX250, pci bus id: 0000:3c:00.0, compute capability: 6.1)
2020-01-23 17:12:24.213769: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x5596d43f0b80 executing computations on platform CUDA. Devices:
2020-01-23 17:12:24.213788: I tensorflow/compiler/xla/service/service.cc:175]   StreamExecutor device (0): GeForce MX250, Compute Capability 6.1
WARNING:tensorflow:From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/training/saver.py:1276: checkpoint_exists (from tensorflow.python.training.checkpoint_management) is deprecated and will be removed in a future version.
Instructions for updating:
Use standard file APIs to check for files with this prefix.
W0123 17:12:24.214911 140698903488320 deprecation.py:323] From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/training/saver.py:1276: checkpoint_exists (from tensorflow.python.training.checkpoint_management) is deprecated and will be removed in a future version.
Instructions for updating:
Use standard file APIs to check for files with this prefix.
INFO:tensorflow:Restoring parameters from /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/training/model.ckpt-1000000
I0123 17:12:24.215867 140698903488320 saver.py:1280] Restoring parameters from /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/training/model.ckpt-1000000
2020-01-23 17:12:26.776932: W tensorflow/compiler/jit/mark_for_compilation_pass.cc:1412] (One-time warning): Not using XLA:CPU for cluster because envvar TF_XLA_FLAGS=--tf_xla_cpu_global_jit was not set.  If you want XLA:CPU, either set that envvar, or use experimental_jit_scope to enable XLA:CPU.  To confirm that XLA is active, pass --vmodule=xla_compilation_cache=1 (as a proper command-line flag, not via TF_XLA_FLAGS) or set the envvar XLA_FLAGS=--xla_hlo_profile.
WARNING:tensorflow:From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/training/saver.py:1066: get_checkpoint_mtimes (from tensorflow.python.training.checkpoint_management) is deprecated and will be removed in a future version.
Instructions for updating:
Use standard file utilities to get mtimes.
W0123 17:12:26.905296 140698903488320 deprecation.py:323] From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/training/saver.py:1066: get_checkpoint_mtimes (from tensorflow.python.training.checkpoint_management) is deprecated and will be removed in a future version.
Instructions for updating:
Use standard file utilities to get mtimes.
INFO:tensorflow:Running local_init_op.
I0123 17:12:26.911538 140698903488320 session_manager.py:500] Running local_init_op.
INFO:tensorflow:Done running local_init_op.
I0123 17:12:27.560451 140698903488320 session_manager.py:502] Done running local_init_op.
INFO:tensorflow:Starting Session.
I0123 17:12:39.419402 140698903488320 learning.py:754] Starting Session.
INFO:tensorflow:Saving checkpoint to path /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/training/model.ckpt
I0123 17:12:39.726398 140693162931968 supervisor.py:1117] Saving checkpoint to path /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/training/model.ckpt
INFO:tensorflow:Starting Queues.
I0123 17:12:39.730342 140698903488320 learning.py:768] Starting Queues.
INFO:tensorflow:global_step/sec: 0
I0123 17:12:45.664734 140693154539264 supervisor.py:1099] global_step/sec: 0
2020-01-23 17:13:01.999714: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudnn.so.7
2020-01-23 17:13:07.474627: W tensorflow/core/common_runtime/bfc_allocator.cc:237] Allocator (GPU_0_bfc) ran out of memory trying to allocate 1.39GiB with freed_by_count=0. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory were available.
2020-01-23 17:13:07.645744: W tensorflow/core/common_runtime/bfc_allocator.cc:237] Allocator (GPU_0_bfc) ran out of memory trying to allocate 1.21GiB with freed_by_count=0. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory were available.
2020-01-23 17:13:07.722735: W tensorflow/core/common_runtime/bfc_allocator.cc:237] Allocator (GPU_0_bfc) ran out of memory trying to allocate 2.41GiB with freed_by_count=0. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory were available.
2020-01-23 17:13:07.795392: W tensorflow/core/common_runtime/bfc_allocator.cc:237] Allocator (GPU_0_bfc) ran out of memory trying to allocate 1.13GiB with freed_by_count=0. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory were available.
2020-01-23 17:13:08.033872: W tensorflow/core/common_runtime/bfc_allocator.cc:237] Allocator (GPU_0_bfc) ran out of memory trying to allocate 2.26GiB with freed_by_count=0. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory were available.
2020-01-23 17:13:08.107630: W tensorflow/core/common_runtime/bfc_allocator.cc:237] Allocator (GPU_0_bfc) ran out of memory trying to allocate 1.11GiB with freed_by_count=0. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory were available.
2020-01-23 17:13:08.160324: W tensorflow/core/common_runtime/bfc_allocator.cc:237] Allocator (GPU_0_bfc) ran out of memory trying to allocate 2.23GiB with freed_by_count=0. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory were available.
2020-01-23 17:13:08.345140: W tensorflow/core/common_runtime/bfc_allocator.cc:237] Allocator (GPU_0_bfc) ran out of memory trying to allocate 1.15GiB with freed_by_count=0. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory were available.
2020-01-23 17:13:08.410151: W tensorflow/core/common_runtime/bfc_allocator.cc:237] Allocator (GPU_0_bfc) ran out of memory trying to allocate 2.31GiB with freed_by_count=0. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory were available.
2020-01-23 17:13:08.482760: W tensorflow/core/common_runtime/bfc_allocator.cc:237] Allocator (GPU_0_bfc) ran out of memory trying to allocate 631.00MiB with freed_by_count=0. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory were available.
INFO:tensorflow:Recording summary at step 1000000.
I0123 17:13:13.276724 140693146146560 supervisor.py:1050] Recording summary at step 1000000.
INFO:tensorflow:global step 1000001: loss = 0.4186 (35.051 sec/step)
I0123 17:13:15.043480 140698903488320 learning.py:507] global step 1000001: loss = 0.4186 (35.051 sec/step)
INFO:tensorflow:global step 1000002: loss = 0.3515 (3.658 sec/step)
I0123 17:13:18.977820 140698903488320 learning.py:507] global step 1000002: loss = 0.3515 (3.658 sec/step)
INFO:tensorflow:global step 1000003: loss = 0.5392 (5.029 sec/step)
I0123 17:13:24.021239 140698903488320 learning.py:507] global step 1000003: loss = 0.5392 (5.029 sec/step)
INFO:tensorflow:global step 1000004: loss = 0.4828 (4.483 sec/step)
I0123 17:13:28.518406 140698903488320 learning.py:507] global step 1000004: loss = 0.4828 (4.483 sec/step)
INFO:tensorflow:global step 1000005: loss = 0.3931 (4.801 sec/step)
I0123 17:13:33.333655 140698903488320 learning.py:507] global step 1000005: loss = 0.3931 (4.801 sec/step)
INFO:tensorflow:global step 1000006: loss = 0.5999 (4.347 sec/step)
I0123 17:13:37.695378 140698903488320 learning.py:507] global step 1000006: loss = 0.5999 (4.347 sec/step)
INFO:tensorflow:global step 1000007: loss = 0.4224 (4.443 sec/step)
I0123 17:13:42.153324 140698903488320 learning.py:507] global step 1000007: loss = 0.4224 (4.443 sec/step)
INFO:tensorflow:global step 1000008: loss = 0.5228 (4.638 sec/step)
I0123 17:13:46.805659 140698903488320 learning.py:507] global step 1000008: loss = 0.5228 (4.638 sec/step)
INFO:tensorflow:global step 1000009: loss = 0.2602 (4.879 sec/step)
I0123 17:13:51.698958 140698903488320 learning.py:507] global step 1000009: loss = 0.2602 (4.879 sec/step)
INFO:tensorflow:global step 1000010: loss = 0.2546 (4.203 sec/step)
I0123 17:13:55.916697 140698903488320 learning.py:507] global step 1000010: loss = 0.2546 (4.203 sec/step)
INFO:tensorflow:Stopping Training.
I0123 17:13:55.924626 140698903488320 learning.py:777] Stopping Training.
INFO:tensorflow:Finished training! Saving model to disk.
I0123 17:13:55.926984 140698903488320 learning.py:785] Finished training! Saving model to disk.
/usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/summary/writer/writer.py:386: UserWarning: Attempting to use a closed FileWriter. The operation will be a noop unless the FileWriter is explicitly reopened.
  warnings.warn("Attempting to use a closed FileWriter. "
INFO:root:Exported
['model.ckpt-1000000.index', 'graph.pbtxt', 'events.out.tfevents.1536739717.Laala-id', 'pipeline.config', 'events.out.tfevents.1536568020.Laala-id', 'events.out.tfevents.1533713292.Laala-id', 'events.out.tfevents.1535962315.Laala-id', 'events.out.tfevents.1579759959.stanford-ThinkPad-T490', 'events.out.tfevents.1535443528.Laala-id', 'events.out.tfevents.1535011465.Laala-id', 'model.ckpt-1000000.meta', 'events.out.tfevents.1535443824.Laala-id', 'checkpoint', 'model.ckpt-1000010.data-00000-of-00001', 'readme.txt', 'model.ckpt-1000010.index', 'events.out.tfevents.1535962401.Laala-id', 'events.out.tfevents.1533715967.Laala-id', 'events.out.tfevents.1535530817.Laala-id', 'events.out.tfevents.1535011252.Laala-id', 'events.out.tfevents.1536567884.Laala-id', 'ssd_mobilenet_v1_pets.config', 'model.ckpt-1000000.data-00000-of-00001', 'events.out.tfevents.1533713124.Laala-id', 'events.out.tfevents.1536739852.Laala-id', 'events.out.tfevents.1535443709.Laala-id', 'model.ckpt-1000010.meta', 'events.out.tfevents.1535007611.Laala-id']
=============================
model.ckpt-1000000.meta
1000000
model.ckpt-1000010.meta
1000010
INFO:root:python /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/export_inference_graph.py --input_type image_tensor --pipeline_config_path /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/training/ssd_mobilenet_v1_pets.config --trained_checkpoint_prefix /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/training/model.ckpt-1000010 --output_directory /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/exported_model_directory
WARNING:tensorflow:
The TensorFlow contrib module will not be included in TensorFlow 2.0.
For more information, please see:
  * https://github.com/tensorflow/community/blob/master/rfcs/20180907-contrib-sunset.md
  * https://github.com/tensorflow/addons
  * https://github.com/tensorflow/io (for I/O related ops)
If you depend on functionality not listed there, please file an issue.

WARNING:tensorflow:From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/slim/nets/inception_resnet_v2.py:373: The name tf.GraphKeys is deprecated. Please use tf.compat.v1.GraphKeys instead.

WARNING:tensorflow:From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/slim/nets/mobilenet/mobilenet.py:389: The name tf.nn.avg_pool is deprecated. Please use tf.nn.avg_pool2d instead.

WARNING:tensorflow:From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/export_inference_graph.py:150: The name tf.app.run is deprecated. Please use tf.compat.v1.app.run instead.

WARNING:tensorflow:From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/export_inference_graph.py:133: The name tf.gfile.GFile is deprecated. Please use tf.io.gfile.GFile instead.

W0123 17:14:25.709553 140223253485376 deprecation_wrapper.py:119] From /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/export_inference_graph.py:133: The name tf.gfile.GFile is deprecated. Please use tf.io.gfile.GFile instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:298: The name tf.gfile.MakeDirs is deprecated. Please use tf.io.gfile.makedirs instead.

W0123 17:14:25.715254 140223253485376 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:298: The name tf.gfile.MakeDirs is deprecated. Please use tf.io.gfile.makedirs instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:66: The name tf.placeholder is deprecated. Please use tf.compat.v1.placeholder instead.

W0123 17:14:25.715495 140223253485376 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:66: The name tf.placeholder is deprecated. Please use tf.compat.v1.placeholder instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:251: to_float (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.cast` instead.
W0123 17:14:25.716265 140223253485376 deprecation.py:323] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:251: to_float (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.cast` instead.
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/preprocessor.py:2340: The name tf.image.resize_images is deprecated. Please use tf.image.resize instead.

W0123 17:14:25.749656 140223253485376 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/preprocessor.py:2340: The name tf.image.resize_images is deprecated. Please use tf.image.resize instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/meta_architectures/ssd_meta_arch.py:501: The name tf.variable_scope is deprecated. Please use tf.compat.v1.variable_scope instead.

W0123 17:14:25.780236 140223253485376 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/meta_architectures/ssd_meta_arch.py:501: The name tf.variable_scope is deprecated. Please use tf.compat.v1.variable_scope instead.

WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:25.858921 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:25.892250 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:25.940600 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:26.016521 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:26.052608 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:26.098654 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:26.233615 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:26.267058 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:26.315547 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:26.392439 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:26.430813 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:26.477887 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:26.555450 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:26.592767 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:26.640712 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:26.717958 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:26.752372 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:26.801731 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:26.879820 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:26.917434 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:26.964297 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:27.041655 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:27.078243 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:27.127257 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:27.205467 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:27.239971 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:27.290508 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:27.368314 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:27.405866 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:27.453352 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:27.531798 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:27.569611 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:27.616785 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:27.694806 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:27.732051 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:27.780494 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:27.858472 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:27.901103 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:27.955143 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:28.036885 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:28.080800 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:28.160833 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:28.195845 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:28.277339 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:28.312201 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:28.393248 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:28.430160 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:28.510514 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:28.548464 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:28.628264 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:28.666576 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:28.807710 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:28.844753 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:28.924945 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:28.963471 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:29.042943 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:29.078688 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/anchor_generator.py:149: The name tf.assert_equal is deprecated. Please use tf.compat.v1.assert_equal instead.

W0123 17:14:29.709094 140223253485376 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/anchor_generator.py:149: The name tf.assert_equal is deprecated. Please use tf.compat.v1.assert_equal instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/predictors/convolutional_box_predictor.py:162: The name tf.logging.info is deprecated. Please use tf.compat.v1.logging.info instead.

W0123 17:14:29.721858 140223253485376 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/predictors/convolutional_box_predictor.py:162: The name tf.logging.info is deprecated. Please use tf.compat.v1.logging.info instead.

INFO:tensorflow:depth of additional conv before box predictor: 0
I0123 17:14:29.722004 140223253485376 convolutional_box_predictor.py:163] depth of additional conv before box predictor: 0
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:29.804322 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:29.886788 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
INFO:tensorflow:depth of additional conv before box predictor: 0
I0123 17:14:29.898083 140223253485376 convolutional_box_predictor.py:163] depth of additional conv before box predictor: 0
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:29.979402 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:30.064589 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
INFO:tensorflow:depth of additional conv before box predictor: 0
I0123 17:14:30.075618 140223253485376 convolutional_box_predictor.py:163] depth of additional conv before box predictor: 0
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:30.156153 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:30.240334 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
INFO:tensorflow:depth of additional conv before box predictor: 0
I0123 17:14:30.251411 140223253485376 convolutional_box_predictor.py:163] depth of additional conv before box predictor: 0
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:30.333715 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:30.418203 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
INFO:tensorflow:depth of additional conv before box predictor: 0
I0123 17:14:30.429375 140223253485376 convolutional_box_predictor.py:163] depth of additional conv before box predictor: 0
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:30.511488 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:30.598073 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
INFO:tensorflow:depth of additional conv before box predictor: 0
I0123 17:14:30.609722 140223253485376 convolutional_box_predictor.py:163] depth of additional conv before box predictor: 0
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:30.693207 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
W0123 17:14:30.779258 140223253485376 ag_logging.py:145] Entity > could not be transformed and will be executed as-is. Please report this to the AutgoGraph team. When filing the bug, set the verbosity to 10 (on Linux, `export AUTOGRAPH_VERBOSITY=10`) and attach the full output. Cause: converting >: AssertionError: Bad argument number for Name: 3, expecting 4
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/box_list_ops.py:687: add_dispatch_support..wrapper (from tensorflow.python.ops.array_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.where in 2.0, which has the same broadcast rule as np.where
W0123 17:14:30.980262 140223253485376 deprecation.py:323] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/core/box_list_ops.py:687: add_dispatch_support..wrapper (from tensorflow.python.ops.array_ops) is deprecated and will be removed in a future version.
Instructions for updating:
Use tf.where in 2.0, which has the same broadcast rule as np.where
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:181: The name tf.add_to_collection is deprecated. Please use tf.compat.v1.add_to_collection instead.

W0123 17:14:31.310056 140223253485376 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:181: The name tf.add_to_collection is deprecated. Please use tf.compat.v1.add_to_collection instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:280: get_or_create_global_step (from tensorflow.contrib.framework.python.ops.variables) is deprecated and will be removed in a future version.
Instructions for updating:
Please switch to tf.train.get_or_create_global_step
W0123 17:14:31.310285 140223253485376 deprecation.py:323] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:280: get_or_create_global_step (from tensorflow.contrib.framework.python.ops.variables) is deprecated and will be removed in a future version.
Instructions for updating:
Please switch to tf.train.get_or_create_global_step
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:434: print_model_analysis (from tensorflow.contrib.tfprof.model_analyzer) is deprecated and will be removed after 2018-01-01.
Instructions for updating:
Use `tf.profiler.profile(graph, run_meta, op_log, cmd, options)`. Build `options` with `tf.profiler.ProfileOptionBuilder`. See README.md for details
W0123 17:14:31.314213 140223253485376 deprecation.py:323] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:434: print_model_analysis (from tensorflow.contrib.tfprof.model_analyzer) is deprecated and will be removed after 2018-01-01.
Instructions for updating:
Use `tf.profiler.profile(graph, run_meta, op_log, cmd, options)`. Build `options` with `tf.profiler.ProfileOptionBuilder`. See README.md for details
WARNING:tensorflow:From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/profiler/internal/flops_registry.py:142: tensor_shape_from_node_def_name (from tensorflow.python.framework.graph_util_impl) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.compat.v1.graph_util.tensor_shape_from_node_def_name`
W0123 17:14:31.315576 140223253485376 deprecation.py:323] From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/profiler/internal/flops_registry.py:142: tensor_shape_from_node_def_name (from tensorflow.python.framework.graph_util_impl) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.compat.v1.graph_util.tensor_shape_from_node_def_name`
104 ops no flops stats due to incomplete shapes.
Parsing Inputs...
Incomplete shape.

=========================Options=============================
-max_depth                  10000
-min_bytes                  0
-min_peak_bytes             0
-min_residual_bytes         0
-min_output_bytes           0
-min_micros                 0
-min_accelerator_micros     0
-min_cpu_micros             0
-min_params                 0
-min_float_ops              0
-min_occurrence             0
-step                       -1
-order_by                   name
-account_type_regexes       _trainable_variables
-start_name_regexes         .*
-trim_name_regexes          .*BatchNorm.*
-show_name_regexes          .*
-hide_name_regexes          
-account_displayed_op_only  true
-select                     params
-output                     stdout:

==================Model Analysis Report======================
Incomplete shape.

Doc:
scope: The nodes in the model graph are organized by their names, which is hierarchical like filesystem.
param: Number of parameters (in the Variable).

Profile:
node name | # parameters
_TFProfRoot (--/5.49m params)
  BoxPredictor_0 (--/9.23k params)
    BoxPredictor_0/BoxEncodingPredictor (--/6.16k params)
      BoxPredictor_0/BoxEncodingPredictor/biases (12, 12/12 params)
      BoxPredictor_0/BoxEncodingPredictor/weights (1x1x512x12, 6.14k/6.14k params)
    BoxPredictor_0/ClassPredictor (--/3.08k params)
      BoxPredictor_0/ClassPredictor/biases (6, 6/6 params)
      BoxPredictor_0/ClassPredictor/weights (1x1x512x6, 3.07k/3.07k params)
  BoxPredictor_1 (--/36.90k params)
    BoxPredictor_1/BoxEncodingPredictor (--/24.60k params)
      BoxPredictor_1/BoxEncodingPredictor/biases (24, 24/24 params)
      BoxPredictor_1/BoxEncodingPredictor/weights (1x1x1024x24, 24.58k/24.58k params)
    BoxPredictor_1/ClassPredictor (--/12.30k params)
      BoxPredictor_1/ClassPredictor/biases (12, 12/12 params)
      BoxPredictor_1/ClassPredictor/weights (1x1x1024x12, 12.29k/12.29k params)
  BoxPredictor_2 (--/18.47k params)
    BoxPredictor_2/BoxEncodingPredictor (--/12.31k params)
      BoxPredictor_2/BoxEncodingPredictor/biases (24, 24/24 params)
      BoxPredictor_2/BoxEncodingPredictor/weights (1x1x512x24, 12.29k/12.29k params)
    BoxPredictor_2/ClassPredictor (--/6.16k params)
      BoxPredictor_2/ClassPredictor/biases (12, 12/12 params)
      BoxPredictor_2/ClassPredictor/weights (1x1x512x12, 6.14k/6.14k params)
  BoxPredictor_3 (--/9.25k params)
    BoxPredictor_3/BoxEncodingPredictor (--/6.17k params)
      BoxPredictor_3/BoxEncodingPredictor/biases (24, 24/24 params)
      BoxPredictor_3/BoxEncodingPredictor/weights (1x1x256x24, 6.14k/6.14k params)
    BoxPredictor_3/ClassPredictor (--/3.08k params)
      BoxPredictor_3/ClassPredictor/biases (12, 12/12 params)
      BoxPredictor_3/ClassPredictor/weights (1x1x256x12, 3.07k/3.07k params)
  BoxPredictor_4 (--/9.25k params)
    BoxPredictor_4/BoxEncodingPredictor (--/6.17k params)
      BoxPredictor_4/BoxEncodingPredictor/biases (24, 24/24 params)
      BoxPredictor_4/BoxEncodingPredictor/weights (1x1x256x24, 6.14k/6.14k params)
    BoxPredictor_4/ClassPredictor (--/3.08k params)
      BoxPredictor_4/ClassPredictor/biases (12, 12/12 params)
      BoxPredictor_4/ClassPredictor/weights (1x1x256x12, 3.07k/3.07k params)
  BoxPredictor_5 (--/4.64k params)
    BoxPredictor_5/BoxEncodingPredictor (--/3.10k params)
      BoxPredictor_5/BoxEncodingPredictor/biases (24, 24/24 params)
      BoxPredictor_5/BoxEncodingPredictor/weights (1x1x128x24, 3.07k/3.07k params)
    BoxPredictor_5/ClassPredictor (--/1.55k params)
      BoxPredictor_5/ClassPredictor/biases (12, 12/12 params)
      BoxPredictor_5/ClassPredictor/weights (1x1x128x12, 1.54k/1.54k params)
  FeatureExtractor (--/5.41m params)
    FeatureExtractor/MobilenetV1 (--/5.41m params)
      FeatureExtractor/MobilenetV1/Conv2d_0 (--/864 params)
        FeatureExtractor/MobilenetV1/Conv2d_0/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_0/weights (3x3x3x32, 864/864 params)
      FeatureExtractor/MobilenetV1/Conv2d_10_depthwise (--/4.61k params)
        FeatureExtractor/MobilenetV1/Conv2d_10_depthwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_10_depthwise/depthwise_weights (3x3x512x1, 4.61k/4.61k params)
      FeatureExtractor/MobilenetV1/Conv2d_10_pointwise (--/262.14k params)
        FeatureExtractor/MobilenetV1/Conv2d_10_pointwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_10_pointwise/weights (1x1x512x512, 262.14k/262.14k params)
      FeatureExtractor/MobilenetV1/Conv2d_11_depthwise (--/4.61k params)
        FeatureExtractor/MobilenetV1/Conv2d_11_depthwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_11_depthwise/depthwise_weights (3x3x512x1, 4.61k/4.61k params)
      FeatureExtractor/MobilenetV1/Conv2d_11_pointwise (--/262.14k params)
        FeatureExtractor/MobilenetV1/Conv2d_11_pointwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_11_pointwise/weights (1x1x512x512, 262.14k/262.14k params)
      FeatureExtractor/MobilenetV1/Conv2d_12_depthwise (--/4.61k params)
        FeatureExtractor/MobilenetV1/Conv2d_12_depthwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_12_depthwise/depthwise_weights (3x3x512x1, 4.61k/4.61k params)
      FeatureExtractor/MobilenetV1/Conv2d_12_pointwise (--/524.29k params)
        FeatureExtractor/MobilenetV1/Conv2d_12_pointwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_12_pointwise/weights (1x1x512x1024, 524.29k/524.29k params)
      FeatureExtractor/MobilenetV1/Conv2d_13_depthwise (--/9.22k params)
        FeatureExtractor/MobilenetV1/Conv2d_13_depthwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_13_depthwise/depthwise_weights (3x3x1024x1, 9.22k/9.22k params)
      FeatureExtractor/MobilenetV1/Conv2d_13_pointwise (--/1.05m params)
        FeatureExtractor/MobilenetV1/Conv2d_13_pointwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_13_pointwise/weights (1x1x1024x1024, 1.05m/1.05m params)
      FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_1_Conv2d_2_1x1_256 (--/262.14k params)
        FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_1_Conv2d_2_1x1_256/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_1_Conv2d_2_1x1_256/weights (1x1x1024x256, 262.14k/262.14k params)
      FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_1_Conv2d_3_1x1_128 (--/65.54k params)
        FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_1_Conv2d_3_1x1_128/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_1_Conv2d_3_1x1_128/weights (1x1x512x128, 65.54k/65.54k params)
      FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_1_Conv2d_4_1x1_128 (--/32.77k params)
        FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_1_Conv2d_4_1x1_128/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_1_Conv2d_4_1x1_128/weights (1x1x256x128, 32.77k/32.77k params)
      FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_1_Conv2d_5_1x1_64 (--/16.38k params)
        FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_1_Conv2d_5_1x1_64/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_1_Conv2d_5_1x1_64/weights (1x1x256x64, 16.38k/16.38k params)
      FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_2_Conv2d_2_3x3_s2_512 (--/1.18m params)
        FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_2_Conv2d_2_3x3_s2_512/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_2_Conv2d_2_3x3_s2_512/weights (3x3x256x512, 1.18m/1.18m params)
      FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_2_Conv2d_3_3x3_s2_256 (--/294.91k params)
        FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_2_Conv2d_3_3x3_s2_256/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_2_Conv2d_3_3x3_s2_256/weights (3x3x128x256, 294.91k/294.91k params)
      FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_2_Conv2d_4_3x3_s2_256 (--/294.91k params)
        FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_2_Conv2d_4_3x3_s2_256/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_2_Conv2d_4_3x3_s2_256/weights (3x3x128x256, 294.91k/294.91k params)
      FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_2_Conv2d_5_3x3_s2_128 (--/73.73k params)
        FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_2_Conv2d_5_3x3_s2_128/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_13_pointwise_2_Conv2d_5_3x3_s2_128/weights (3x3x64x128, 73.73k/73.73k params)
      FeatureExtractor/MobilenetV1/Conv2d_1_depthwise (--/288 params)
        FeatureExtractor/MobilenetV1/Conv2d_1_depthwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_1_depthwise/depthwise_weights (3x3x32x1, 288/288 params)
      FeatureExtractor/MobilenetV1/Conv2d_1_pointwise (--/2.05k params)
        FeatureExtractor/MobilenetV1/Conv2d_1_pointwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_1_pointwise/weights (1x1x32x64, 2.05k/2.05k params)
      FeatureExtractor/MobilenetV1/Conv2d_2_depthwise (--/576 params)
        FeatureExtractor/MobilenetV1/Conv2d_2_depthwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_2_depthwise/depthwise_weights (3x3x64x1, 576/576 params)
      FeatureExtractor/MobilenetV1/Conv2d_2_pointwise (--/8.19k params)
        FeatureExtractor/MobilenetV1/Conv2d_2_pointwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_2_pointwise/weights (1x1x64x128, 8.19k/8.19k params)
      FeatureExtractor/MobilenetV1/Conv2d_3_depthwise (--/1.15k params)
        FeatureExtractor/MobilenetV1/Conv2d_3_depthwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_3_depthwise/depthwise_weights (3x3x128x1, 1.15k/1.15k params)
      FeatureExtractor/MobilenetV1/Conv2d_3_pointwise (--/16.38k params)
        FeatureExtractor/MobilenetV1/Conv2d_3_pointwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_3_pointwise/weights (1x1x128x128, 16.38k/16.38k params)
      FeatureExtractor/MobilenetV1/Conv2d_4_depthwise (--/1.15k params)
        FeatureExtractor/MobilenetV1/Conv2d_4_depthwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_4_depthwise/depthwise_weights (3x3x128x1, 1.15k/1.15k params)
      FeatureExtractor/MobilenetV1/Conv2d_4_pointwise (--/32.77k params)
        FeatureExtractor/MobilenetV1/Conv2d_4_pointwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_4_pointwise/weights (1x1x128x256, 32.77k/32.77k params)
      FeatureExtractor/MobilenetV1/Conv2d_5_depthwise (--/2.30k params)
        FeatureExtractor/MobilenetV1/Conv2d_5_depthwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_5_depthwise/depthwise_weights (3x3x256x1, 2.30k/2.30k params)
      FeatureExtractor/MobilenetV1/Conv2d_5_pointwise (--/65.54k params)
        FeatureExtractor/MobilenetV1/Conv2d_5_pointwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_5_pointwise/weights (1x1x256x256, 65.54k/65.54k params)
      FeatureExtractor/MobilenetV1/Conv2d_6_depthwise (--/2.30k params)
        FeatureExtractor/MobilenetV1/Conv2d_6_depthwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_6_depthwise/depthwise_weights (3x3x256x1, 2.30k/2.30k params)
      FeatureExtractor/MobilenetV1/Conv2d_6_pointwise (--/131.07k params)
        FeatureExtractor/MobilenetV1/Conv2d_6_pointwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_6_pointwise/weights (1x1x256x512, 131.07k/131.07k params)
      FeatureExtractor/MobilenetV1/Conv2d_7_depthwise (--/4.61k params)
        FeatureExtractor/MobilenetV1/Conv2d_7_depthwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_7_depthwise/depthwise_weights (3x3x512x1, 4.61k/4.61k params)
      FeatureExtractor/MobilenetV1/Conv2d_7_pointwise (--/262.14k params)
        FeatureExtractor/MobilenetV1/Conv2d_7_pointwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_7_pointwise/weights (1x1x512x512, 262.14k/262.14k params)
      FeatureExtractor/MobilenetV1/Conv2d_8_depthwise (--/4.61k params)
        FeatureExtractor/MobilenetV1/Conv2d_8_depthwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_8_depthwise/depthwise_weights (3x3x512x1, 4.61k/4.61k params)
      FeatureExtractor/MobilenetV1/Conv2d_8_pointwise (--/262.14k params)
        FeatureExtractor/MobilenetV1/Conv2d_8_pointwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_8_pointwise/weights (1x1x512x512, 262.14k/262.14k params)
      FeatureExtractor/MobilenetV1/Conv2d_9_depthwise (--/4.61k params)
        FeatureExtractor/MobilenetV1/Conv2d_9_depthwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_9_depthwise/depthwise_weights (3x3x512x1, 4.61k/4.61k params)
      FeatureExtractor/MobilenetV1/Conv2d_9_pointwise (--/262.14k params)
        FeatureExtractor/MobilenetV1/Conv2d_9_pointwise/BatchNorm (--/0 params)
        FeatureExtractor/MobilenetV1/Conv2d_9_pointwise/weights (1x1x512x512, 262.14k/262.14k params)

======================End of Report==========================
104 ops no flops stats due to incomplete shapes.
Parsing Inputs...
Incomplete shape.

=========================Options=============================
-max_depth                  10000
-min_bytes                  0
-min_peak_bytes             0
-min_residual_bytes         0
-min_output_bytes           0
-min_micros                 0
-min_accelerator_micros     0
-min_cpu_micros             0
-min_params                 0
-min_float_ops              1
-min_occurrence             0
-step                       -1
-order_by                   float_ops
-account_type_regexes       .*
-start_name_regexes         .*
-trim_name_regexes          .*BatchNorm.*,.*Initializer.*,.*Regularizer.*,.*BiasAdd.*
-show_name_regexes          .*
-hide_name_regexes          
-account_displayed_op_only  true
-select                     float_ops
-output                     stdout:

==================Model Analysis Report======================
Incomplete shape.

Doc:
scope: The nodes in the model graph are organized by their names, which is hierarchical like filesystem.
flops: Number of float operations. Note: Please read the implementation for the math behind it.

Profile:
node name | # float_ops
_TFProfRoot (--/17.61k flops)
  MultipleGridAnchorGenerator/mul_19 (2.17k/2.17k flops)
  MultipleGridAnchorGenerator/add_2 (2.17k/2.17k flops)
  MultipleGridAnchorGenerator/mul_20 (2.17k/2.17k flops)
  MultipleGridAnchorGenerator/sub (2.17k/2.17k flops)
  MultipleGridAnchorGenerator/add_5 (1.20k/1.20k flops)
  MultipleGridAnchorGenerator/mul_28 (1.20k/1.20k flops)
  MultipleGridAnchorGenerator/mul_27 (1.20k/1.20k flops)
  MultipleGridAnchorGenerator/sub_1 (1.20k/1.20k flops)
  MultipleGridAnchorGenerator/mul_21 (1.08k/1.08k flops)
  MultipleGridAnchorGenerator/mul_29 (600/600 flops)
  MultipleGridAnchorGenerator/add_8 (300/300 flops)
  MultipleGridAnchorGenerator/sub_2 (300/300 flops)
  MultipleGridAnchorGenerator/mul_36 (300/300 flops)
  MultipleGridAnchorGenerator/mul_35 (300/300 flops)
  MultipleGridAnchorGenerator/mul_37 (150/150 flops)
  MultipleGridAnchorGenerator/add_11 (108/108 flops)
  MultipleGridAnchorGenerator/mul_44 (108/108 flops)
  MultipleGridAnchorGenerator/mul_43 (108/108 flops)
  MultipleGridAnchorGenerator/sub_3 (108/108 flops)
  MultipleGridAnchorGenerator/mul_45 (54/54 flops)
  MultipleGridAnchorGenerator/sub_4 (48/48 flops)
  MultipleGridAnchorGenerator/mul_51 (48/48 flops)
  MultipleGridAnchorGenerator/mul_52 (48/48 flops)
  MultipleGridAnchorGenerator/add_14 (48/48 flops)
  MultipleGridAnchorGenerator/mul_53 (24/24 flops)
  MultipleGridAnchorGenerator/add (19/19 flops)
  MultipleGridAnchorGenerator/mul_18 (19/19 flops)
  MultipleGridAnchorGenerator/mul_17 (19/19 flops)
  MultipleGridAnchorGenerator/add_1 (19/19 flops)
  MultipleGridAnchorGenerator/add_17 (12/12 flops)
  MultipleGridAnchorGenerator/sub_5 (12/12 flops)
  MultipleGridAnchorGenerator/mul_60 (12/12 flops)
  MultipleGridAnchorGenerator/mul_59 (12/12 flops)
  MultipleGridAnchorGenerator/add_3 (10/10 flops)
  MultipleGridAnchorGenerator/add_4 (10/10 flops)
  MultipleGridAnchorGenerator/mul_26 (10/10 flops)
  MultipleGridAnchorGenerator/mul_25 (10/10 flops)
  MultipleGridAnchorGenerator/mul_31 (6/6 flops)
  MultipleGridAnchorGenerator/mul_30 (6/6 flops)
  MultipleGridAnchorGenerator/mul_32 (6/6 flops)
  MultipleGridAnchorGenerator/truediv_16 (6/6 flops)
  MultipleGridAnchorGenerator/truediv_15 (6/6 flops)
  MultipleGridAnchorGenerator/mul_38 (6/6 flops)
  MultipleGridAnchorGenerator/mul_39 (6/6 flops)
  MultipleGridAnchorGenerator/mul_40 (6/6 flops)
  MultipleGridAnchorGenerator/mul_56 (6/6 flops)
  MultipleGridAnchorGenerator/mul_55 (6/6 flops)
  MultipleGridAnchorGenerator/mul_54 (6/6 flops)
  MultipleGridAnchorGenerator/mul_46 (6/6 flops)
  MultipleGridAnchorGenerator/mul_47 (6/6 flops)
  MultipleGridAnchorGenerator/mul_48 (6/6 flops)
  MultipleGridAnchorGenerator/truediv_17 (6/6 flops)
  MultipleGridAnchorGenerator/mul_24 (6/6 flops)
  MultipleGridAnchorGenerator/mul_61 (6/6 flops)
  MultipleGridAnchorGenerator/mul_23 (6/6 flops)
  MultipleGridAnchorGenerator/mul_22 (6/6 flops)
  MultipleGridAnchorGenerator/truediv_18 (6/6 flops)
  MultipleGridAnchorGenerator/truediv_19 (6/6 flops)
  MultipleGridAnchorGenerator/mul_33 (5/5 flops)
  MultipleGridAnchorGenerator/mul_34 (5/5 flops)
  MultipleGridAnchorGenerator/add_6 (5/5 flops)
  MultipleGridAnchorGenerator/add_7 (5/5 flops)
  MultipleGridAnchorGenerator/add_9 (3/3 flops)
  MultipleGridAnchorGenerator/mul_14 (3/3 flops)
  MultipleGridAnchorGenerator/mul_15 (3/3 flops)
  MultipleGridAnchorGenerator/mul_16 (3/3 flops)
  MultipleGridAnchorGenerator/add_10 (3/3 flops)
  MultipleGridAnchorGenerator/mul_42 (3/3 flops)
  MultipleGridAnchorGenerator/mul_41 (3/3 flops)
  MultipleGridAnchorGenerator/truediv_14 (3/3 flops)
  MultipleGridAnchorGenerator/add_13 (2/2 flops)
  MultipleGridAnchorGenerator/add_12 (2/2 flops)
  MultipleGridAnchorGenerator/mul_50 (2/2 flops)
  MultipleGridAnchorGenerator/mul_49 (2/2 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Greater_1 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Greater_2 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Greater (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/SortByField/Equal (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Minimum_1 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Greater_3 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Minimum (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/MultiClassNonMaxSuppression/Equal (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/Less_1 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/Less (1/1 flops)
  MultipleGridAnchorGenerator/truediv_9 (1/1 flops)
  Preprocessor/map/while/add_1 (1/1 flops)
  MultipleGridAnchorGenerator/truediv_8 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_5 (1/1 flops)
  MultipleGridAnchorGenerator/mul_10 (1/1 flops)
  Preprocessor/map/while/add (1/1 flops)
  Preprocessor/map/while/Less_1 (1/1 flops)
  Preprocessor/map/while/Less (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/ones/Less (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/add_1 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/add (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_9 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_8 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_7 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_6 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Greater_4 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_4 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_3 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_2 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_13 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_12 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_11 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_10 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub_1 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/sub (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Greater_6 (1/1 flops)
  Postprocessor/BatchMultiClassNonMaxSuppression/map/while/PadOrClipBoxList/Greater_5 (1/1 flops)
  MultipleGridAnchorGenerator/add_23 (1/1 flops)
  MultipleGridAnchorGenerator/add_15 (1/1 flops)
  MultipleGridAnchorGenerator/add_16 (1/1 flops)
  MultipleGridAnchorGenerator/mul_5 (1/1 flops)
  MultipleGridAnchorGenerator/add_18 (1/1 flops)
  MultipleGridAnchorGenerator/add_19 (1/1 flops)
  MultipleGridAnchorGenerator/add_20 (1/1 flops)
  MultipleGridAnchorGenerator/mul_4 (1/1 flops)
  MultipleGridAnchorGenerator/add_21 (1/1 flops)
  MultipleGridAnchorGenerator/add_22 (1/1 flops)
  MultipleGridAnchorGenerator/mul_57 (1/1 flops)
  MultipleGridAnchorGenerator/mul_3 (1/1 flops)
  MultipleGridAnchorGenerator/mul_2 (1/1 flops)
  MultipleGridAnchorGenerator/assert_equal/Equal (1/1 flops)
  MultipleGridAnchorGenerator/mul (1/1 flops)
  MultipleGridAnchorGenerator/mul_1 (1/1 flops)
  MultipleGridAnchorGenerator/mul_13 (1/1 flops)
  MultipleGridAnchorGenerator/mul_12 (1/1 flops)
  MultipleGridAnchorGenerator/mul_11 (1/1 flops)
  MultipleGridAnchorGenerator/truediv_10 (1/1 flops)
  MultipleGridAnchorGenerator/truediv_6 (1/1 flops)
  MultipleGridAnchorGenerator/truediv_5 (1/1 flops)
  MultipleGridAnchorGenerator/truediv_4 (1/1 flops)
  MultipleGridAnchorGenerator/truediv_3 (1/1 flops)
  MultipleGridAnchorGenerator/truediv_2 (1/1 flops)
  MultipleGridAnchorGenerator/truediv_13 (1/1 flops)
  MultipleGridAnchorGenerator/truediv_12 (1/1 flops)
  MultipleGridAnchorGenerator/truediv_11 (1/1 flops)
  MultipleGridAnchorGenerator/truediv_7 (1/1 flops)
  MultipleGridAnchorGenerator/truediv_1 (1/1 flops)
  MultipleGridAnchorGenerator/truediv (1/1 flops)
  MultipleGridAnchorGenerator/Minimum (1/1 flops)
  MultipleGridAnchorGenerator/mul_9 (1/1 flops)
  MultipleGridAnchorGenerator/mul_8 (1/1 flops)
  MultipleGridAnchorGenerator/mul_7 (1/1 flops)
  MultipleGridAnchorGenerator/mul_6 (1/1 flops)
  MultipleGridAnchorGenerator/mul_58 (1/1 flops)

======================End of Report==========================
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:327: The name tf.train.Saver is deprecated. Please use tf.compat.v1.train.Saver instead.

W0123 17:14:32.344041 140223253485376 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:327: The name tf.train.Saver is deprecated. Please use tf.compat.v1.train.Saver instead.

2020-01-23 17:14:33.153632: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcuda.so.1
2020-01-23 17:14:33.169837: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:33.170341: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1640] Found device 0 with properties: 
name: GeForce MX250 major: 6 minor: 1 memoryClockRate(GHz): 1.582
pciBusID: 0000:3c:00.0
2020-01-23 17:14:33.170567: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudart.so.10.0
2020-01-23 17:14:33.171697: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcublas.so.10.0
2020-01-23 17:14:33.172716: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcufft.so.10.0
2020-01-23 17:14:33.173003: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcurand.so.10.0
2020-01-23 17:14:33.174281: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusolver.so.10.0
2020-01-23 17:14:33.175287: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusparse.so.10.0
2020-01-23 17:14:33.178258: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudnn.so.7
2020-01-23 17:14:33.178392: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:33.178877: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:33.179236: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1763] Adding visible gpu devices: 0
2020-01-23 17:14:33.179644: I tensorflow/core/platform/cpu_feature_guard.cc:142] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2 FMA
2020-01-23 17:14:33.203364: I tensorflow/core/platform/profile_utils/cpu_utils.cc:94] CPU Frequency: 1999965000 Hz
2020-01-23 17:14:33.203769: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x5649481c4df0 executing computations on platform Host. Devices:
2020-01-23 17:14:33.203801: I tensorflow/compiler/xla/service/service.cc:175]   StreamExecutor device (0): , 
2020-01-23 17:14:33.204065: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:33.204440: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1640] Found device 0 with properties: 
name: GeForce MX250 major: 6 minor: 1 memoryClockRate(GHz): 1.582
pciBusID: 0000:3c:00.0
2020-01-23 17:14:33.204501: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudart.so.10.0
2020-01-23 17:14:33.204523: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcublas.so.10.0
2020-01-23 17:14:33.204541: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcufft.so.10.0
2020-01-23 17:14:33.204559: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcurand.so.10.0
2020-01-23 17:14:33.204579: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusolver.so.10.0
2020-01-23 17:14:33.204602: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusparse.so.10.0
2020-01-23 17:14:33.204624: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudnn.so.7
2020-01-23 17:14:33.204697: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:33.205045: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:33.205351: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1763] Adding visible gpu devices: 0
2020-01-23 17:14:33.205393: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudart.so.10.0
2020-01-23 17:14:33.268106: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1181] Device interconnect StreamExecutor with strength 1 edge matrix:
2020-01-23 17:14:33.268137: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1187]      0 
2020-01-23 17:14:33.268145: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1200] 0:   N 
2020-01-23 17:14:33.268329: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:33.268734: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:33.269098: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:33.269425: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1326] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 1589 MB memory) -> physical GPU (device: 0, name: GeForce MX250, pci bus id: 0000:3c:00.0, compute capability: 6.1)
2020-01-23 17:14:33.271078: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x564949bcc670 executing computations on platform CUDA. Devices:
2020-01-23 17:14:33.271097: I tensorflow/compiler/xla/service/service.cc:175]   StreamExecutor device (0): GeForce MX250, Compute Capability 6.1
WARNING:tensorflow:From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/training/saver.py:1276: checkpoint_exists (from tensorflow.python.training.checkpoint_management) is deprecated and will be removed in a future version.
Instructions for updating:
Use standard file APIs to check for files with this prefix.
W0123 17:14:33.271712 140223253485376 deprecation.py:323] From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/training/saver.py:1276: checkpoint_exists (from tensorflow.python.training.checkpoint_management) is deprecated and will be removed in a future version.
Instructions for updating:
Use standard file APIs to check for files with this prefix.
INFO:tensorflow:Restoring parameters from /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/training/model.ckpt-1000010
I0123 17:14:33.272793 140223253485376 saver.py:1280] Restoring parameters from /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/training/model.ckpt-1000010
2020-01-23 17:14:35.381972: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:35.382250: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1640] Found device 0 with properties: 
name: GeForce MX250 major: 6 minor: 1 memoryClockRate(GHz): 1.582
pciBusID: 0000:3c:00.0
2020-01-23 17:14:35.382311: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudart.so.10.0
2020-01-23 17:14:35.382331: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcublas.so.10.0
2020-01-23 17:14:35.382347: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcufft.so.10.0
2020-01-23 17:14:35.382363: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcurand.so.10.0
2020-01-23 17:14:35.382378: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusolver.so.10.0
2020-01-23 17:14:35.382396: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusparse.so.10.0
2020-01-23 17:14:35.382413: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudnn.so.7
2020-01-23 17:14:35.382483: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:35.382744: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:35.382960: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1763] Adding visible gpu devices: 0
2020-01-23 17:14:35.382988: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1181] Device interconnect StreamExecutor with strength 1 edge matrix:
2020-01-23 17:14:35.382995: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1187]      0 
2020-01-23 17:14:35.383000: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1200] 0:   N 
2020-01-23 17:14:35.383086: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:35.383341: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:35.383560: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1326] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 1589 MB memory) -> physical GPU (device: 0, name: GeForce MX250, pci bus id: 0000:3c:00.0, compute capability: 6.1)
INFO:tensorflow:Restoring parameters from /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/training/model.ckpt-1000010
I0123 17:14:35.384478 140223253485376 saver.py:1280] Restoring parameters from /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/training/model.ckpt-1000010
WARNING:tensorflow:From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/tools/freeze_graph.py:233: convert_variables_to_constants (from tensorflow.python.framework.graph_util_impl) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.compat.v1.graph_util.convert_variables_to_constants`
W0123 17:14:35.847565 140223253485376 deprecation.py:323] From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/tools/freeze_graph.py:233: convert_variables_to_constants (from tensorflow.python.framework.graph_util_impl) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.compat.v1.graph_util.convert_variables_to_constants`
WARNING:tensorflow:From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/framework/graph_util_impl.py:270: extract_sub_graph (from tensorflow.python.framework.graph_util_impl) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.compat.v1.graph_util.extract_sub_graph`
W0123 17:14:35.847747 140223253485376 deprecation.py:323] From /usr/local/anaconda3/lib/python3.7/site-packages/tensorflow/python/framework/graph_util_impl.py:270: extract_sub_graph (from tensorflow.python.framework.graph_util_impl) is deprecated and will be removed in a future version.
Instructions for updating:
Use `tf.compat.v1.graph_util.extract_sub_graph`
INFO:tensorflow:Froze 199 variables.
I0123 17:14:36.091371 140223253485376 graph_util_impl.py:311] Froze 199 variables.
INFO:tensorflow:Converted 199 variables to const ops.
I0123 17:14:36.152580 140223253485376 graph_util_impl.py:364] Converted 199 variables to const ops.
2020-01-23 17:14:36.248328: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:36.248619: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1640] Found device 0 with properties: 
name: GeForce MX250 major: 6 minor: 1 memoryClockRate(GHz): 1.582
pciBusID: 0000:3c:00.0
2020-01-23 17:14:36.248675: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudart.so.10.0
2020-01-23 17:14:36.248695: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcublas.so.10.0
2020-01-23 17:14:36.248712: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcufft.so.10.0
2020-01-23 17:14:36.248729: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcurand.so.10.0
2020-01-23 17:14:36.248748: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusolver.so.10.0
2020-01-23 17:14:36.248765: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusparse.so.10.0
2020-01-23 17:14:36.248781: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudnn.so.7
2020-01-23 17:14:36.248852: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:36.249115: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:36.249327: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1763] Adding visible gpu devices: 0
2020-01-23 17:14:36.249353: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1181] Device interconnect StreamExecutor with strength 1 edge matrix:
2020-01-23 17:14:36.249360: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1187]      0 
2020-01-23 17:14:36.249366: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1200] 0:   N 
2020-01-23 17:14:36.249455: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:36.249719: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:36.249944: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1326] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 1589 MB memory) -> physical GPU (device: 0, name: GeForce MX250, pci bus id: 0000:3c:00.0, compute capability: 6.1)
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:209: The name tf.saved_model.builder.SavedModelBuilder is deprecated. Please use tf.compat.v1.saved_model.builder.SavedModelBuilder instead.

W0123 17:14:36.740091 140223253485376 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:209: The name tf.saved_model.builder.SavedModelBuilder is deprecated. Please use tf.compat.v1.saved_model.builder.SavedModelBuilder instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:212: build_tensor_info (from tensorflow.python.saved_model.utils_impl) is deprecated and will be removed in a future version.
Instructions for updating:
This function will only be available through the v1 compatibility library as tf.compat.v1.saved_model.utils.build_tensor_info or tf.compat.v1.saved_model.build_tensor_info.
W0123 17:14:36.740490 140223253485376 deprecation.py:323] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:212: build_tensor_info (from tensorflow.python.saved_model.utils_impl) is deprecated and will be removed in a future version.
Instructions for updating:
This function will only be available through the v1 compatibility library as tf.compat.v1.saved_model.utils.build_tensor_info or tf.compat.v1.saved_model.build_tensor_info.
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:218: The name tf.saved_model.signature_def_utils.build_signature_def is deprecated. Please use tf.compat.v1.saved_model.signature_def_utils.build_signature_def instead.

W0123 17:14:36.740852 140223253485376 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:218: The name tf.saved_model.signature_def_utils.build_signature_def is deprecated. Please use tf.compat.v1.saved_model.signature_def_utils.build_signature_def instead.

WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:224: The name tf.saved_model.tag_constants.SERVING is deprecated. Please use tf.saved_model.SERVING instead.

W0123 17:14:36.741038 140223253485376 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/exporter.py:224: The name tf.saved_model.tag_constants.SERVING is deprecated. Please use tf.saved_model.SERVING instead.

INFO:tensorflow:No assets to save.
I0123 17:14:36.741297 140223253485376 builder_impl.py:636] No assets to save.
INFO:tensorflow:No assets to write.
I0123 17:14:36.741376 140223253485376 builder_impl.py:456] No assets to write.
INFO:tensorflow:SavedModel written to: /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/exported_model_directory/saved_model/saved_model.pb
I0123 17:14:36.969774 140223253485376 builder_impl.py:421] SavedModel written to: /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/exported_model_directory/saved_model/saved_model.pb
WARNING:tensorflow:From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/utils/config_util.py:171: The name tf.gfile.Open is deprecated. Please use tf.io.gfile.GFile instead.

W0123 17:14:36.985182 140223253485376 deprecation_wrapper.py:119] From /home/share/Laala/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/utils/config_util.py:171: The name tf.gfile.Open is deprecated. Please use tf.io.gfile.GFile instead.

INFO:tensorflow:Writing pipeline config file to /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/exported_model_directory/pipeline.config
I0123 17:14:36.985363 140223253485376 config_util.py:173] Writing pipeline config file to /home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/exported_model_directory/pipeline.config
Start ...
WARNING:tensorflow:From main.py:220: The name tf.GraphDef is deprecated. Please use tf.compat.v1.GraphDef instead.

WARNING:tensorflow:From main.py:221: The name tf.gfile.GFile is deprecated. Please use tf.io.gfile.GFile instead.

Max_SIZE_DATASET is 3
WARNING:tensorflow:From main.py:240: The name tf.Session is deprecated. Please use tf.compat.v1.Session instead.

2020-01-23 17:14:40.917740: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcuda.so.1
2020-01-23 17:14:40.931437: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:40.931802: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1640] Found device 0 with properties: 
name: GeForce MX250 major: 6 minor: 1 memoryClockRate(GHz): 1.582
pciBusID: 0000:3c:00.0
2020-01-23 17:14:40.932011: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudart.so.10.0
2020-01-23 17:14:40.933439: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcublas.so.10.0
2020-01-23 17:14:40.934334: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcufft.so.10.0
2020-01-23 17:14:40.934580: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcurand.so.10.0
2020-01-23 17:14:40.935734: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusolver.so.10.0
2020-01-23 17:14:40.936597: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusparse.so.10.0
2020-01-23 17:14:40.939171: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudnn.so.7
2020-01-23 17:14:40.939286: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:40.939655: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:40.939930: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1763] Adding visible gpu devices: 0
2020-01-23 17:14:40.940234: I tensorflow/core/platform/cpu_feature_guard.cc:142] Your CPU supports instructions that this TensorFlow binary was not compiled to use: AVX2 FMA
2020-01-23 17:14:40.963249: I tensorflow/core/platform/profile_utils/cpu_utils.cc:94] CPU Frequency: 1999965000 Hz
2020-01-23 17:14:40.963630: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x559096572f70 executing computations on platform Host. Devices:
2020-01-23 17:14:40.963660: I tensorflow/compiler/xla/service/service.cc:175]   StreamExecutor device (0): , 
2020-01-23 17:14:40.963883: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:40.964225: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1640] Found device 0 with properties: 
name: GeForce MX250 major: 6 minor: 1 memoryClockRate(GHz): 1.582
pciBusID: 0000:3c:00.0
2020-01-23 17:14:40.964308: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudart.so.10.0
2020-01-23 17:14:40.964338: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcublas.so.10.0
2020-01-23 17:14:40.964357: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcufft.so.10.0
2020-01-23 17:14:40.964377: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcurand.so.10.0
2020-01-23 17:14:40.964397: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusolver.so.10.0
2020-01-23 17:14:40.964416: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusparse.so.10.0
2020-01-23 17:14:40.964434: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudnn.so.7
2020-01-23 17:14:40.964509: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:40.964821: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:40.965079: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1763] Adding visible gpu devices: 0
2020-01-23 17:14:40.965118: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudart.so.10.0
2020-01-23 17:14:41.014134: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1181] Device interconnect StreamExecutor with strength 1 edge matrix:
2020-01-23 17:14:41.014162: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1187]      0 
2020-01-23 17:14:41.014169: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1200] 0:   N 
2020-01-23 17:14:41.014321: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:41.014676: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:41.014991: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:41.015267: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1326] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 1589 MB memory) -> physical GPU (device: 0, name: GeForce MX250, pci bus id: 0000:3c:00.0, compute capability: 6.1)
2020-01-23 17:14:41.016737: I tensorflow/compiler/xla/service/service.cc:168] XLA service 0x55909d3605d0 executing computations on platform CUDA. Devices:
2020-01-23 17:14:41.016758: I tensorflow/compiler/xla/service/service.cc:175]   StreamExecutor device (0): GeForce MX250, Compute Capability 6.1
WARNING:tensorflow:From main.py:242: The name tf.get_default_graph is deprecated. Please use tf.compat.v1.get_default_graph instead.

2020-01-23 17:14:41.886784: W tensorflow/compiler/jit/mark_for_compilation_pass.cc:1412] (One-time warning): Not using XLA:CPU for cluster because envvar TF_XLA_FLAGS=--tf_xla_cpu_global_jit was not set.  If you want XLA:CPU, either set that envvar, or use experimental_jit_scope to enable XLA:CPU.  To confirm that XLA is active, pass --vmodule=xla_compilation_cache=1 (as a proper command-line flag, not via TF_XLA_FLAGS) or set the envvar XLA_FLAGS=--xla_hlo_profile.
2020-01-23 17:14:42.542020: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudnn.so.7
2020-01-23 17:14:43.863346: W tensorflow/core/common_runtime/bfc_allocator.cc:237] Allocator (GPU_0_bfc) ran out of memory trying to allocate 2.05GiB with freed_by_count=0. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory were available.
2020-01-23 17:14:43.948584: W tensorflow/core/common_runtime/bfc_allocator.cc:237] Allocator (GPU_0_bfc) ran out of memory trying to allocate 2.07GiB with freed_by_count=0. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory were available.
2020-01-23 17:14:44.009620: W tensorflow/core/common_runtime/bfc_allocator.cc:237] Allocator (GPU_0_bfc) ran out of memory trying to allocate 2.13GiB with freed_by_count=0. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory were available.
2020-01-23 17:14:44.092353: W tensorflow/core/common_runtime/bfc_allocator.cc:237] Allocator (GPU_0_bfc) ran out of memory trying to allocate 2.26GiB with freed_by_count=0. The caller indicates that this is not a failure, but may mean that there could be performance gains if more memory were available.
/home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/test_predict/ds06_2018-10-05_720-960/predict_3.jpg
--------------------------------------------------------------------
2020-01-23 17:14:44.965066: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:44.965335: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1640] Found device 0 with properties: 
name: GeForce MX250 major: 6 minor: 1 memoryClockRate(GHz): 1.582
pciBusID: 0000:3c:00.0
2020-01-23 17:14:44.965411: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudart.so.10.0
2020-01-23 17:14:44.965436: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcublas.so.10.0
2020-01-23 17:14:44.965458: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcufft.so.10.0
2020-01-23 17:14:44.965480: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcurand.so.10.0
2020-01-23 17:14:44.965502: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusolver.so.10.0
2020-01-23 17:14:44.965523: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusparse.so.10.0
2020-01-23 17:14:44.965545: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudnn.so.7
2020-01-23 17:14:44.965617: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:44.965873: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:44.966078: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1763] Adding visible gpu devices: 0
2020-01-23 17:14:44.966103: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1181] Device interconnect StreamExecutor with strength 1 edge matrix:
2020-01-23 17:14:44.966111: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1187]      0 
2020-01-23 17:14:44.966118: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1200] 0:   N 
2020-01-23 17:14:44.966202: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:44.966454: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:44.966667: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1326] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 1589 MB memory) -> physical GPU (device: 0, name: GeForce MX250, pci bus id: 0000:3c:00.0, compute capability: 6.1)
/home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/test_predict/ds06_2018-10-05_720-960/predict_1.jpg
--------------------------------------------------------------------
2020-01-23 17:14:46.652233: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:46.652493: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1640] Found device 0 with properties: 
name: GeForce MX250 major: 6 minor: 1 memoryClockRate(GHz): 1.582
pciBusID: 0000:3c:00.0
2020-01-23 17:14:46.652571: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudart.so.10.0
2020-01-23 17:14:46.652596: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcublas.so.10.0
2020-01-23 17:14:46.652618: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcufft.so.10.0
2020-01-23 17:14:46.652640: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcurand.so.10.0
2020-01-23 17:14:46.652661: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusolver.so.10.0
2020-01-23 17:14:46.652682: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcusparse.so.10.0
2020-01-23 17:14:46.652705: I tensorflow/stream_executor/platform/default/dso_loader.cc:42] Successfully opened dynamic library libcudnn.so.7
2020-01-23 17:14:46.652777: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:46.653036: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:46.653238: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1763] Adding visible gpu devices: 0
2020-01-23 17:14:46.653265: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1181] Device interconnect StreamExecutor with strength 1 edge matrix:
2020-01-23 17:14:46.653271: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1187]      0 
2020-01-23 17:14:46.653277: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1200] 0:   N 
2020-01-23 17:14:46.653361: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:46.653613: I tensorflow/stream_executor/cuda/cuda_gpu_executor.cc:1005] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero
2020-01-23 17:14:46.653830: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1326] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 1589 MB memory) -> physical GPU (device: 0, name: GeForce MX250, pci bus id: 0000:3c:00.0, compute capability: 6.1)
/home/Jeff/Desktop/AR/Wrapper/DNN/MobileNet/04_auto_train_cnn/object_detection/test_predict/ds06_2018-10-05_720-960/predict_2.jpg
--------------------------------------------------------------------
Test End.

  

End.


免责声明!

本站转载的文章为个人学习借鉴使用,本站对版权不负任何法律责任。如果侵犯了您的隐私权益,请联系本站邮箱yoyou2525@163.com删除。



 
粤ICP备18138465号  © 2018-2025 CODEPRJ.COM