Open pranavgundewar opened 3 years ago
@pranavgundewar
tensorflow.contrib exists only in TensorFlow 1.x, which is not actively supported anymore. Deprecation messages are needed to inform people who want to use an actual version of TensorFlow what is going to happen in the future, and give them time to adapt.The warning messages are specific to Tf functions not to the tutorial.Warning messages will not hamper the execution.
You can suppress warning messages with the below code before importing tensorflow.
import os
os.environ['TF_CPP_MIN_LOG_LEVEL'] = '3' # or any {'0', '1', '2'}
import tensorflow as tf
Thanks!
@pranavgundewar
Please, refer below links for TF 1.x and TF 2.x models.
https://github.com/tensorflow/models/blob/master/research/object_detection/g3doc/tf2_detection_zoo.md https://github.com/tensorflow/models/blob/master/research/object_detection/g3doc/tf1_detection_zoo.md
Thanks!
@ravikyram -thanks for the suggestion. My actual question is for training failure for semantic segmentation using Deeplab v3+ edgetpu_mobilnet backbone. If you can see at the last of the given logs- training is just starting and failing immediately.
@aquariusjay @YknZhu Any suggestions for expanded_conv @arg_scope? I am unable to tackle the issue
you can try to change your optimizer to defult but not adam
I am training edgetpu_mobilnet on the custom dataset and follow this link for the model selection. https://github.com/tensorflow/models/blob/master/research/deeplab/g3doc/model_zoo.md
However, I am unable to start training due to an issue with the model loading (I believe this is the problem)
WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/core/conv2d_ws.py:40: The name tf.layers.Layer is deprecated. Please use tf.compat.v1.layers.Layer instead.
WARNING:tensorflow: The TensorFlow contrib module will not be included in TensorFlow 2.0. For more information, please see:
WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/train.py:479: The name tf.app.run is deprecated. Please use tf.compat.v1.app.run instead.
WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/train.py:281: The name tf.logging.set_verbosity is deprecated. Please use tf.compat.v1.logging.set_verbosity instead.
W0209 03:20:42.657209 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/train.py:281: The name tf.logging.set_verbosity is deprecated. Please use tf.compat.v1.logging.set_verbosity instead.
WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/train.py:281: The name tf.logging.INFO is deprecated. Please use tf.compat.v1.logging.INFO instead.
W0209 03:20:42.657487 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/train.py:281: The name tf.logging.INFO is deprecated. Please use tf.compat.v1.logging.INFO instead.
WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/train.py:296: The name tf.gfile.MakeDirs is deprecated. Please use tf.io.gfile.makedirs instead.
W0209 03:20:42.657747 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/train.py:296: The name tf.gfile.MakeDirs is deprecated. Please use tf.io.gfile.makedirs instead.
WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/train.py:297: The name tf.logging.info is deprecated. Please use tf.compat.v1.logging.info instead.
W0209 03:20:42.657961 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/train.py:297: The name tf.logging.info is deprecated. Please use tf.compat.v1.logging.info instead.
INFO:tensorflow:Training on train set I0209 03:20:42.658092 140349625222912 train.py:297] Training on train set WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/train.py:321: The name tf.train.get_or_create_global_step is deprecated. Please use tf.compat.v1.train.get_or_create_global_step instead.
W0209 03:20:42.660341 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/train.py:321: 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 /ds_data3/arm/models/research/deeplab/datasets/data_generator.py:361: The name tf.gfile.Glob is deprecated. Please use tf.io.gfile.glob instead.
W0209 03:20:42.672130 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/datasets/data_generator.py:361: The name tf.gfile.Glob is deprecated. Please use tf.io.gfile.glob instead.
WARNING:tensorflow:From /usr/local/lib/python3.5/dist-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.FixedLenFeature is deprecated. Please use tf.io.FixedLenFeature instead.
W0209 03:20:42.982448 140349625222912 module_wrapper.py:139] From /usr/local/lib/python3.5/dist-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.FixedLenFeature is deprecated. Please use tf.io.FixedLenFeature instead.
WARNING:tensorflow:From /usr/local/lib/python3.5/dist-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.parse_single_example is deprecated. Please use tf.io.parse_single_example instead.
W0209 03:20:42.984470 140349625222912 module_wrapper.py:139] From /usr/local/lib/python3.5/dist-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.parse_single_example is deprecated. Please use tf.io.parse_single_example instead.
WARNING:tensorflow:From /usr/local/lib/python3.5/dist-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.logging.warning is deprecated. Please use tf.compat.v1.logging.warning instead.
W0209 03:20:51.883630 140349625222912 module_wrapper.py:139] From /usr/local/lib/python3.5/dist-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.logging.warning is deprecated. Please use tf.compat.v1.logging.warning instead.
WARNING:tensorflow:From /usr/local/lib/python3.5/dist-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.random_uniform is deprecated. Please use tf.random.uniform instead.
W0209 03:20:53.017752 140349625222912 module_wrapper.py:139] From /usr/local/lib/python3.5/dist-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.random_uniform is deprecated. Please use tf.random.uniform instead.
WARNING:tensorflow:From /usr/local/lib/python3.5/dist-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.lin_space is deprecated. Please use tf.linspace instead.
W0209 03:20:53.018662 140349625222912 module_wrapper.py:139] From /usr/local/lib/python3.5/dist-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.lin_space is deprecated. Please use tf.linspace instead.
WARNING:tensorflow:From /usr/local/lib/python3.5/dist-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.random_shuffle is deprecated. Please use tf.random.shuffle instead.
W0209 03:20:53.019104 140349625222912 module_wrapper.py:139] From /usr/local/lib/python3.5/dist-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.random_shuffle is deprecated. Please use tf.random.shuffle instead.
WARNING:tensorflow:From /usr/local/lib/python3.5/dist-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.image.resize_bilinear is deprecated. Please use tf.compat.v1.image.resize_bilinear instead.
W0209 03:20:53.389949 140349625222912 module_wrapper.py:139] From /usr/local/lib/python3.5/dist-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.image.resize_bilinear is deprecated. Please use tf.compat.v1.image.resize_bilinear instead.
WARNING:tensorflow:From /usr/local/lib/python3.5/dist-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.reverse_v2 is deprecated. Please use tf.reverse instead.
W0209 03:20:57.258217 140349625222912 module_wrapper.py:139] From /usr/local/lib/python3.5/dist-packages/tensorflow_core/python/autograph/converters/directives.py:119: The name tf.reverse_v2 is deprecated. Please use tf.reverse instead.
WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/datasets/data_generator.py:350: DatasetV1.make_one_shot_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 usingtf.estimator
, return theDataset
object directly from your input function. As a last resort, you can usetf.compat.v1.data.make_one_shot_iterator(dataset)
. W0209 03:20:57.632693 140349625222912 deprecation.py:323] From /ds_data3/arm/models/research/deeplab/datasets/data_generator.py:350: DatasetV1.make_one_shot_iterator (from tensorflow.python.data.ops.dataset_ops) is deprecated and will be removed in a future version. Instructions for updating: Usefor ... in dataset:
to iterate over a dataset. If usingtf.estimator
, return theDataset
object directly from your input function. As a last resort, you can usetf.compat.v1.data.make_one_shot_iterator(dataset)
. WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/model.py:323: The name tf.AUTO_REUSE is deprecated. Please use tf.compat.v1.AUTO_REUSE instead.W0209 03:20:57.656807 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/model.py:323: The name tf.AUTO_REUSE is deprecated. Please use tf.compat.v1.AUTO_REUSE instead.
WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/core/feature_extractor.py:493: 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. W0209 03:20:57.657402 140349625222912 deprecation.py:323] From /ds_data3/arm/models/research/deeplab/core/feature_extractor.py:493: to_float (from tensorflow.python.ops.math_ops) is deprecated and will be removed in a future version. Instructions for updating: Usetf.cast
instead. WARNING:tensorflow:From /usr/local/lib/python3.5/dist-packages/tensorflow_core/contrib/layers/python/layers/layers.py:1057: Layer.apply (from tensorflow.python.keras.engine.base_layer) is deprecated and will be removed in a future version. Instructions for updating: Please uselayer.__call__
method instead. W0209 03:20:57.663575 140349625222912 deprecation.py:323] From /usr/local/lib/python3.5/dist-packages/tensorflow_core/contrib/layers/python/layers/layers.py:1057: Layer.apply (from tensorflow.python.keras.engine.base_layer) is deprecated and will be removed in a future version. Instructions for updating: Please uselayer.__call__
method instead. WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/model.py:901: The name tf.variable_scope is deprecated. Please use tf.compat.v1.variable_scope instead.W0209 03:20:59.904220 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/model.py:901: The name tf.variable_scope is deprecated. Please use tf.compat.v1.variable_scope instead.
WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/utils/train_utils.py:159: The name tf.losses.add_loss is deprecated. Please use tf.compat.v1.losses.add_loss instead.
W0209 03:20:59.966762 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/utils/train_utils.py:159: The name tf.losses.add_loss is deprecated. Please use tf.compat.v1.losses.add_loss instead.
WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/train.py:334: The name tf.get_collection is deprecated. Please use tf.compat.v1.get_collection instead.
W0209 03:20:59.967082 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/train.py:334: The name tf.get_collection is deprecated. Please use tf.compat.v1.get_collection instead.
WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/train.py:335: The name tf.GraphKeys is deprecated. Please use tf.compat.v1.GraphKeys instead.
W0209 03:20:59.967272 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/train.py:335: The name tf.GraphKeys is deprecated. Please use tf.compat.v1.GraphKeys instead.
WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/train.py:342: The name tf.model_variables is deprecated. Please use tf.compat.v1.model_variables instead.
W0209 03:20:59.967489 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/train.py:342: The name tf.model_variables is deprecated. Please use tf.compat.v1.model_variables instead.
WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/train.py:343: The name tf.summary.histogram is deprecated. Please use tf.compat.v1.summary.histogram instead.
W0209 03:20:59.967700 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/train.py:343: The name tf.summary.histogram is deprecated. Please use tf.compat.v1.summary.histogram instead.
WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/train.py:350: The name tf.summary.image is deprecated. Please use tf.compat.v1.summary.image instead.
W0209 03:21:00.335690 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/train.py:350: The name tf.summary.image is deprecated. Please use tf.compat.v1.summary.image instead.
WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/train.py:373: The name tf.summary.scalar is deprecated. Please use tf.compat.v1.summary.scalar instead.
W0209 03:21:00.346579 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/train.py:373: The name tf.summary.scalar is deprecated. Please use tf.compat.v1.summary.scalar instead.
INFO:tensorflow:Setting decay_steps to total training steps. I0209 03:21:00.350352 140349625222912 train_utils.py:332] Setting decay_steps to total training steps. WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/utils/train_utils.py:342: The name tf.train.polynomial_decay is deprecated. Please use tf.compat.v1.train.polynomial_decay instead.
W0209 03:21:00.350589 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/utils/train_utils.py:342: The name tf.train.polynomial_decay is deprecated. Please use tf.compat.v1.train.polynomial_decay instead.
WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/utils/train_utils.py:377: where (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 W0209 03:21:00.360366 140349625222912 deprecation.py:323] From /ds_data3/arm/models/research/deeplab/utils/train_utils.py:377: where (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 /ds_data3/arm/models/research/deeplab/train.py:395: The name tf.train.AdamOptimizer is deprecated. Please use tf.compat.v1.train.AdamOptimizer instead.
W0209 03:21:00.362895 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/train.py:395: The name tf.train.AdamOptimizer is deprecated. Please use tf.compat.v1.train.AdamOptimizer instead.
WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/train.py:412: The name tf.check_numerics is deprecated. Please use tf.debugging.check_numerics instead.
W0209 03:21:01.753991 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/train.py:412: The name tf.check_numerics is deprecated. Please use tf.debugging.check_numerics instead.
WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/train.py:438: The name tf.summary.merge is deprecated. Please use tf.compat.v1.summary.merge instead.
W0209 03:21:03.950047 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/train.py:438: The name tf.summary.merge is deprecated. Please use tf.compat.v1.summary.merge instead.
WARNING:tensorflow:From /ds_data3/arm/models/research/deeplab/train.py:441: The name tf.ConfigProto is deprecated. Please use tf.compat.v1.ConfigProto instead.
W0209 03:21:03.961737 140349625222912 module_wrapper.py:139] From /ds_data3/arm/models/research/deeplab/train.py:441: The name tf.ConfigProto is deprecated. Please use tf.compat.v1.ConfigProto instead.
INFO:tensorflow:Initializing model from path: /ds_data3/arm/models/research/deeplab/checkpoints/edgetpu-deeplab/model.ckpt I0209 03:21:03.962087 140349625222912 train_utils.py:211] Initializing model from path: /ds_data3/arm/models/research/deeplab/checkpoints/edgetpu-deeplab/model.ckpt WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/expand/weights/Adam_1] W0209 03:21:03.975251 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/expand/BatchNorm/gamma/Adam_1] W0209 03:21:03.985578 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/expand/weights/Adam] W0209 03:21:03.992339 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/expand/weights/Adam] W0209 03:21:03.992598 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/expand/weights/Adam_1] W0209 03:21:03.999073 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv/project/BatchNorm/beta/Adam] W0209 03:21:04.002697 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/project/BatchNorm/gamma/Adam] W0209 03:21:04.006129 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.006374 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/Conv/BatchNorm/beta/Adam_1] W0209 03:21:04.006563 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/Conv/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [image_pooling/BatchNorm/beta/Adam_1] W0209 03:21:04.006741 140349625222912 variables.py:672] Checkpoint is missing variable [image_pooling/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.006918 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/project/weights/Adam_1] W0209 03:21:04.007087 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/Conv_1/BatchNorm/beta/Adam] W0209 03:21:04.010099 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/Conv_1/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.010328 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/expand/weights/Adam_1] W0209 03:21:04.010506 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/depthwise/BatchNorm/gamma/Adam] W0209 03:21:04.010674 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/depthwise/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/project/BatchNorm/beta/Adam] W0209 03:21:04.010843 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/project/weights/Adam] W0209 03:21:04.017933 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/depthwise/depthwise_weights/Adam_1] W0209 03:21:04.018167 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/depthwise/depthwise_weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/depthwise/BatchNorm/gamma/Adam_1] W0209 03:21:04.018350 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/depthwise/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.021332 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/project/weights/Adam_1] W0209 03:21:04.021549 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.024511 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/expand/weights/Adam] W0209 03:21:04.029986 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.035348 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/project/weights/Adam] W0209 03:21:04.035560 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/project/BatchNorm/beta/Adam] W0209 03:21:04.035732 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.043665 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.046379 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/depthwise/depthwise_weights/Adam_1] W0209 03:21:04.056535 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/depthwise/depthwise_weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/project/BatchNorm/gamma/Adam] W0209 03:21:04.056732 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/depthwise/BatchNorm/beta/Adam] W0209 03:21:04.056885 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/depthwise/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/depthwise/depthwise_weights/Adam] W0209 03:21:04.059466 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/depthwise/depthwise_weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.059663 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/expand/BatchNorm/beta/Adam] W0209 03:21:04.059832 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/expand/weights/Adam_1] W0209 03:21:04.059989 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/expand/weights/Adam] W0209 03:21:04.060157 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/project/weights/Adam] W0209 03:21:04.062765 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/expand/BatchNorm/beta/Adam] W0209 03:21:04.067762 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/Conv_1/BatchNorm/beta/Adam_1] W0209 03:21:04.070200 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/Conv_1/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [image_pooling/weights/Adam_1] W0209 03:21:04.072842 140349625222912 variables.py:672] Checkpoint is missing variable [image_pooling/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/project/BatchNorm/beta/Adam_1] W0209 03:21:04.073027 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv/project/weights/Adam] W0209 03:21:04.073173 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/expand/weights/Adam_1] W0209 03:21:04.075385 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/project/BatchNorm/gamma/Adam] W0209 03:21:04.079946 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/expand/weights/Adam] W0209 03:21:04.086404 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [concat_projection/weights/Adam] W0209 03:21:04.090833 140349625222912 variables.py:672] Checkpoint is missing variable [concat_projection/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/expand/BatchNorm/gamma/Adam] W0209 03:21:04.095226 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.097453 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/depthwise/BatchNorm/gamma/Adam] W0209 03:21:04.097621 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/depthwise/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.099722 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/expand/weights/Adam] W0209 03:21:04.099890 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/project/BatchNorm/gamma/Adam] W0209 03:21:04.102018 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/depthwise/depthwise_weights/Adam_1] W0209 03:21:04.102197 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/depthwise/depthwise_weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/project/BatchNorm/gamma/Adam] W0209 03:21:04.102333 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/project/BatchNorm/gamma/Adam] W0209 03:21:04.112527 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/project/weights/Adam] W0209 03:21:04.112698 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/project/BatchNorm/gamma/Adam] W0209 03:21:04.112837 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [aspp0/weights/Adam_1] W0209 03:21:04.114943 140349625222912 variables.py:672] Checkpoint is missing variable [aspp0/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/depthwise/BatchNorm/beta/Adam] W0209 03:21:04.115110 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/depthwise/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/depthwise/BatchNorm/gamma/Adam_1] W0209 03:21:04.115254 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/depthwise/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/expand/BatchNorm/beta/Adam] W0209 03:21:04.115385 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/expand/BatchNorm/beta/Adam] W0209 03:21:04.115512 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/project/BatchNorm/beta/Adam_1] W0209 03:21:04.117675 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/expand/BatchNorm/gamma/Adam] W0209 03:21:04.117842 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [image_pooling/BatchNorm/gamma/Adam_1] W0209 03:21:04.117975 140349625222912 variables.py:672] Checkpoint is missing variable [image_pooling/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/depthwise/depthwise_weights/Adam_1] W0209 03:21:04.124206 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/depthwise/depthwise_weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.124374 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/project/BatchNorm/beta/Adam_1] W0209 03:21:04.124504 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.126679 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [aspp0/BatchNorm/gamma/Adam] W0209 03:21:04.126843 140349625222912 variables.py:672] Checkpoint is missing variable [aspp0/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/expand/weights/Adam_1] W0209 03:21:04.128941 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.129108 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/project/weights/Adam] W0209 03:21:04.129238 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/expand/BatchNorm/beta/Adam] W0209 03:21:04.131343 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.135527 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/depthwise/BatchNorm/gamma/Adam] W0209 03:21:04.135697 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/depthwise/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/expand/weights/Adam] W0209 03:21:04.135834 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/depthwise/depthwise_weights/Adam] W0209 03:21:04.135965 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/depthwise/depthwise_weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/depthwise/depthwise_weights/Adam_1] W0209 03:21:04.136132 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/depthwise/depthwise_weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.136256 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/depthwise/BatchNorm/beta/Adam] W0209 03:21:04.140568 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/depthwise/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/expand/BatchNorm/beta/Adam] W0209 03:21:04.140738 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/expand/BatchNorm/gamma/Adam] W0209 03:21:04.140876 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/project/BatchNorm/beta/Adam] W0209 03:21:04.141006 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/project/BatchNorm/gamma/Adam] W0209 03:21:04.141135 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/depthwise/BatchNorm/gamma/Adam] W0209 03:21:04.141262 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/depthwise/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/project/BatchNorm/beta/Adam] W0209 03:21:04.141387 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/depthwise/BatchNorm/beta/Adam_1] W0209 03:21:04.141510 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/depthwise/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.141634 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/project/BatchNorm/gamma/Adam] W0209 03:21:04.149801 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.149971 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/project/weights/Adam_1] W0209 03:21:04.152106 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/expand/weights/Adam] W0209 03:21:04.152273 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.152404 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/project/weights/Adam_1] W0209 03:21:04.152526 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/depthwise/depthwise_weights/Adam] W0209 03:21:04.156777 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/depthwise/depthwise_weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/depthwise/BatchNorm/gamma/Adam_1] W0209 03:21:04.159019 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/depthwise/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.161168 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/depthwise/BatchNorm/beta/Adam] W0209 03:21:04.161335 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/depthwise/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/project/BatchNorm/beta/Adam_1] W0209 03:21:04.165658 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/expand/BatchNorm/gamma/Adam] W0209 03:21:04.165827 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/project/BatchNorm/beta/Adam] W0209 03:21:04.165963 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/expand/BatchNorm/beta/Adam] W0209 03:21:04.166100 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/expand/weights/Adam_1] W0209 03:21:04.170374 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/expand/weights/Adam] W0209 03:21:04.170541 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/expand/BatchNorm/gamma/Adam] W0209 03:21:04.170673 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/depthwise/BatchNorm/gamma/Adam_1] W0209 03:21:04.172796 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/depthwise/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/depthwise/depthwise_weights/Adam] W0209 03:21:04.174934 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/depthwise/depthwise_weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/depthwise/depthwise_weights/Adam] W0209 03:21:04.177072 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/depthwise/depthwise_weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/project/weights/Adam] W0209 03:21:04.179220 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [concat_projection/BatchNorm/gamma/Adam] W0209 03:21:04.179388 140349625222912 variables.py:672] Checkpoint is missing variable [concat_projection/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.181529 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/expand/weights/Adam] W0209 03:21:04.185627 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.185796 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/expand/weights/Adam] W0209 03:21:04.185934 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.194131 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/depthwise/BatchNorm/gamma/Adam_1] W0209 03:21:04.194300 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/depthwise/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [beta1_power] W0209 03:21:04.196404 140349625222912 variables.py:672] Checkpoint is missing variable [beta1_power] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/project/weights/Adam] W0209 03:21:04.196571 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/depthwise/BatchNorm/gamma/Adam] W0209 03:21:04.198698 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/depthwise/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/expand/weights/Adam] W0209 03:21:04.202544 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.202712 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/depthwise/depthwise_weights/Adam_1] W0209 03:21:04.207054 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/depthwise/depthwise_weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/depthwise/BatchNorm/gamma/Adam_1] W0209 03:21:04.209235 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/depthwise/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.209403 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/expand/BatchNorm/beta/Adam] W0209 03:21:04.209539 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [concat_projection/BatchNorm/beta/Adam_1] W0209 03:21:04.209662 140349625222912 variables.py:672] Checkpoint is missing variable [concat_projection/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [aspp0/weights/Adam] W0209 03:21:04.217761 140349625222912 variables.py:672] Checkpoint is missing variable [aspp0/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/project/weights/Adam] W0209 03:21:04.223931 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/expand/BatchNorm/gamma/Adam] W0209 03:21:04.228212 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.228380 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/project/BatchNorm/gamma/Adam] W0209 03:21:04.230790 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/depthwise/BatchNorm/beta/Adam_1] W0209 03:21:04.230960 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/depthwise/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [concat_projection/weights/Adam_1] W0209 03:21:04.231098 140349625222912 variables.py:672] Checkpoint is missing variable [concat_projection/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/depthwise/BatchNorm/beta/Adam_1] W0209 03:21:04.231221 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/depthwise/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [beta2_power] W0209 03:21:04.231339 140349625222912 variables.py:672] Checkpoint is missing variable [beta2_power] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.235883 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/project/weights/Adam] W0209 03:21:04.240036 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/depthwise/BatchNorm/gamma/Adam_1] W0209 03:21:04.240201 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/depthwise/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/project/weights/Adam] W0209 03:21:04.240332 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/expand/BatchNorm/beta/Adam] W0209 03:21:04.242414 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/expand/BatchNorm/gamma/Adam] W0209 03:21:04.246676 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/expand/BatchNorm/gamma/Adam] W0209 03:21:04.246845 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/project/BatchNorm/gamma/Adam] W0209 03:21:04.249051 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/project/BatchNorm/beta/Adam_1] W0209 03:21:04.251207 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/depthwise/BatchNorm/beta/Adam] W0209 03:21:04.257564 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/depthwise/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/expand/BatchNorm/gamma/Adam] W0209 03:21:04.257730 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/depthwise/BatchNorm/beta/Adam] W0209 03:21:04.261950 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/depthwise/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/expand/weights/Adam_1] W0209 03:21:04.262120 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.270145 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/expand/BatchNorm/beta/Adam] W0209 03:21:04.270314 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/depthwise/depthwise_weights/Adam_1] W0209 03:21:04.274476 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/depthwise/depthwise_weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/depthwise/BatchNorm/beta/Adam_1] W0209 03:21:04.274643 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/depthwise/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/expand/BatchNorm/gamma/Adam] W0209 03:21:04.274776 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/expand/BatchNorm/gamma/Adam] W0209 03:21:04.274903 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/project/BatchNorm/beta/Adam] W0209 03:21:04.278979 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/depthwise/BatchNorm/beta/Adam_1] W0209 03:21:04.283166 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/depthwise/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/expand/weights/Adam] W0209 03:21:04.283335 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/depthwise/BatchNorm/gamma/Adam] W0209 03:21:04.283471 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/depthwise/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/project/BatchNorm/beta/Adam_1] W0209 03:21:04.283600 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/project/weights/Adam_1] W0209 03:21:04.283727 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/project/weights/Adam] W0209 03:21:04.283854 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.286075 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/depthwise/BatchNorm/beta/Adam_1] W0209 03:21:04.288242 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/depthwise/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/project/BatchNorm/beta/Adam_1] W0209 03:21:04.288410 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/project/BatchNorm/beta/Adam_1] W0209 03:21:04.288540 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.290848 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/depthwise/BatchNorm/beta/Adam] W0209 03:21:04.291015 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/depthwise/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/project/BatchNorm/beta/Adam] W0209 03:21:04.291151 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/project/weights/Adam_1] W0209 03:21:04.295310 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.295479 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/expand/weights/Adam_1] W0209 03:21:04.295612 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/depthwise/depthwise_weights/Adam] W0209 03:21:04.295736 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/depthwise/depthwise_weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.295855 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/project/BatchNorm/beta/Adam_1] W0209 03:21:04.295971 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/depthwise/BatchNorm/beta/Adam_1] W0209 03:21:04.296106 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/depthwise/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/project/weights/Adam_1] W0209 03:21:04.304120 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/Conv/BatchNorm/beta/Adam] W0209 03:21:04.304287 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/Conv/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/depthwise/BatchNorm/beta/Adam_1] W0209 03:21:04.306420 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/depthwise/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/expand/BatchNorm/beta/Adam] W0209 03:21:04.308510 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/depthwise/BatchNorm/gamma/Adam] W0209 03:21:04.308676 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/depthwise/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/project/BatchNorm/beta/Adam] W0209 03:21:04.308806 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv/project/BatchNorm/gamma/Adam] W0209 03:21:04.308929 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/project/weights/Adam_1] W0209 03:21:04.309048 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/project/weights/Adam_1] W0209 03:21:04.311125 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/expand/weights/Adam_1] W0209 03:21:04.321202 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/expand/weights/Adam_1] W0209 03:21:04.323465 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.323633 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/project/BatchNorm/beta/Adam_1] W0209 03:21:04.335419 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv/project/weights/Adam_1] W0209 03:21:04.335592 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/project/BatchNorm/beta/Adam_1] W0209 03:21:04.335730 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/depthwise/depthwise_weights/Adam] W0209 03:21:04.335863 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/depthwise/depthwise_weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/expand/weights/Adam] W0209 03:21:04.336002 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/project/BatchNorm/gamma/Adam] W0209 03:21:04.336143 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/project/weights/Adam_1] W0209 03:21:04.336270 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/expand/weights/Adam_1] W0209 03:21:04.338387 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/depthwise/BatchNorm/gamma/Adam_1] W0209 03:21:04.338553 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/depthwise/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/depthwise/BatchNorm/gamma/Adam] W0209 03:21:04.340719 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/depthwise/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/project/BatchNorm/beta/Adam] W0209 03:21:04.340885 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.341016 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/depthwise/depthwise_weights/Adam_1] W0209 03:21:04.343109 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/depthwise/depthwise_weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/depthwise/BatchNorm/beta/Adam_1] W0209 03:21:04.345308 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/depthwise/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/expand/weights/Adam_1] W0209 03:21:04.345476 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [concat_projection/BatchNorm/beta/Adam] W0209 03:21:04.345608 140349625222912 variables.py:672] Checkpoint is missing variable [concat_projection/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.353808 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.358003 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/project/BatchNorm/beta/Adam_1] W0209 03:21:04.364204 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.372894 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/expand/BatchNorm/beta/Adam] W0209 03:21:04.375015 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/project/BatchNorm/beta/Adam] W0209 03:21:04.375181 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/expand/weights/Adam_1] W0209 03:21:04.375314 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/project/weights/Adam_1] W0209 03:21:04.375439 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/Conv/weights/Adam] W0209 03:21:04.381236 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/Conv/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/expand/BatchNorm/gamma/Adam] W0209 03:21:04.383352 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/depthwise/BatchNorm/beta/Adam] W0209 03:21:04.385504 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/depthwise/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/project/BatchNorm/gamma/Adam] W0209 03:21:04.385672 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [aspp0/BatchNorm/gamma/Adam_1] W0209 03:21:04.396003 140349625222912 variables.py:672] Checkpoint is missing variable [aspp0/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/expand/weights/Adam_1] W0209 03:21:04.398224 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/project/BatchNorm/beta/Adam] W0209 03:21:04.398391 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/depthwise/BatchNorm/beta/Adam_1] W0209 03:21:04.398529 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/depthwise/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/expand/weights/Adam_1] W0209 03:21:04.400805 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/expand/weights/Adam_1] W0209 03:21:04.404877 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/depthwise/BatchNorm/gamma/Adam] W0209 03:21:04.405045 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/depthwise/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/expand/weights/Adam] W0209 03:21:04.405175 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.405297 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/expand/BatchNorm/beta/Adam] W0209 03:21:04.409286 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/project/weights/Adam] W0209 03:21:04.409455 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.409594 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/project/BatchNorm/gamma/Adam] W0209 03:21:04.411881 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/project/weights/Adam_1] W0209 03:21:04.416015 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/depthwise/BatchNorm/beta/Adam] W0209 03:21:04.418138 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/depthwise/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/project/BatchNorm/beta/Adam] W0209 03:21:04.418304 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/project/weights/Adam_1] W0209 03:21:04.418447 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/depthwise/BatchNorm/beta/Adam_1] W0209 03:21:04.420549 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/depthwise/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.422692 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.422866 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/expand/weights/Adam] W0209 03:21:04.422996 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.427067 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/expand/BatchNorm/beta/Adam] W0209 03:21:04.427234 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/project/BatchNorm/gamma/Adam] W0209 03:21:04.429297 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/project/weights/Adam] W0209 03:21:04.440015 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/depthwise/depthwise_weights/Adam] W0209 03:21:04.440186 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/depthwise/depthwise_weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/depthwise/BatchNorm/gamma/Adam] W0209 03:21:04.442779 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/depthwise/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.442947 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/expand/weights/Adam] W0209 03:21:04.447028 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/depthwise/depthwise_weights/Adam] W0209 03:21:04.447196 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/depthwise/depthwise_weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/expand/weights/Adam_1] W0209 03:21:04.447329 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/depthwise/BatchNorm/beta/Adam_1] W0209 03:21:04.447452 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/depthwise/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/project/BatchNorm/beta/Adam] W0209 03:21:04.454270 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/depthwise/depthwise_weights/Adam_1] W0209 03:21:04.454438 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/depthwise/depthwise_weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/project/BatchNorm/beta/Adam] W0209 03:21:04.456989 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/project/weights/Adam_1] W0209 03:21:04.461172 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/project/weights/Adam_1] W0209 03:21:04.461340 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/project/weights/Adam] W0209 03:21:04.461478 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/depthwise/depthwise_weights/Adam_1] W0209 03:21:04.461614 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/depthwise/depthwise_weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv/project/BatchNorm/beta/Adam_1] W0209 03:21:04.469709 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/expand/BatchNorm/beta/Adam] W0209 03:21:04.482465 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/depthwise/depthwise_weights/Adam] W0209 03:21:04.482637 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/depthwise/depthwise_weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/project/BatchNorm/beta/Adam] W0209 03:21:04.484830 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.484997 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.485128 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/depthwise/BatchNorm/beta/Adam] W0209 03:21:04.489340 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/depthwise/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/depthwise/depthwise_weights/Adam_1] W0209 03:21:04.489516 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/depthwise/depthwise_weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/project/BatchNorm/beta/Adam_1] W0209 03:21:04.489652 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/expand/weights/Adam_1] W0209 03:21:04.489777 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/depthwise/depthwise_weights/Adam] W0209 03:21:04.491879 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/depthwise/depthwise_weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.492055 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/project/BatchNorm/gamma/Adam] W0209 03:21:04.494039 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/expand/BatchNorm/gamma/Adam] W0209 03:21:04.494206 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/project/BatchNorm/beta/Adam] W0209 03:21:04.500294 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [image_pooling/BatchNorm/gamma/Adam] W0209 03:21:04.504473 140349625222912 variables.py:672] Checkpoint is missing variable [image_pooling/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/depthwise/BatchNorm/beta/Adam_1] W0209 03:21:04.504645 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/depthwise/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [image_pooling/weights/Adam] W0209 03:21:04.504776 140349625222912 variables.py:672] Checkpoint is missing variable [image_pooling/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.506863 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/project/weights/Adam_1] W0209 03:21:04.507029 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/project/BatchNorm/beta/Adam] W0209 03:21:04.507159 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/project/weights/Adam_1] W0209 03:21:04.507279 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/depthwise/BatchNorm/beta/Adam] W0209 03:21:04.507397 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/depthwise/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/project/BatchNorm/gamma/Adam] W0209 03:21:04.511453 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/depthwise/depthwise_weights/Adam] W0209 03:21:04.513615 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/depthwise/depthwise_weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.515757 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/depthwise/BatchNorm/beta/Adam] W0209 03:21:04.515924 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/depthwise/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/expand/BatchNorm/gamma/Adam] W0209 03:21:04.518261 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/depthwise/BatchNorm/gamma/Adam_1] W0209 03:21:04.520638 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/depthwise/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/project/BatchNorm/beta/Adam] W0209 03:21:04.520806 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/expand/BatchNorm/gamma/Adam] W0209 03:21:04.520945 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/Conv/BatchNorm/gamma/Adam_1] W0209 03:21:04.521073 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/Conv/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/expand/BatchNorm/gamma/Adam] W0209 03:21:04.525167 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/depthwise/BatchNorm/gamma/Adam] W0209 03:21:04.525334 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/depthwise/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/expand/BatchNorm/beta/Adam] W0209 03:21:04.531373 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/project/BatchNorm/beta/Adam] W0209 03:21:04.533631 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.533798 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [concat_projection/BatchNorm/gamma/Adam_1] W0209 03:21:04.540673 140349625222912 variables.py:672] Checkpoint is missing variable [concat_projection/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/project/weights/Adam] W0209 03:21:04.542889 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/depthwise/BatchNorm/gamma/Adam_1] W0209 03:21:04.549047 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/depthwise/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/depthwise/depthwise_weights/Adam_1] W0209 03:21:04.549215 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/depthwise/depthwise_weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.549351 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/project/BatchNorm/gamma/Adam] W0209 03:21:04.549483 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/project/BatchNorm/beta/Adam_1] W0209 03:21:04.553642 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/expand/BatchNorm/gamma/Adam] W0209 03:21:04.555767 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.563932 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/project/BatchNorm/beta/Adam_1] W0209 03:21:04.564111 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/project/BatchNorm/beta/Adam_1] W0209 03:21:04.564243 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/depthwise/BatchNorm/gamma/Adam_1] W0209 03:21:04.564366 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/depthwise/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.564491 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.564610 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/expand/BatchNorm/beta/Adam] W0209 03:21:04.564728 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/Conv_1/weights/Adam_1] W0209 03:21:04.564843 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/Conv_1/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/expand/BatchNorm/beta/Adam] W0209 03:21:04.571101 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_3/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.575157 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [aspp0/BatchNorm/beta/Adam] W0209 03:21:04.575322 140349625222912 variables.py:672] Checkpoint is missing variable [aspp0/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/depthwise/BatchNorm/gamma/Adam_1] W0209 03:21:04.575454 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/depthwise/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.577562 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/Conv_1/BatchNorm/gamma/Adam_1] W0209 03:21:04.584333 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/Conv_1/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/expand/weights/Adam] W0209 03:21:04.584501 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/project/weights/Adam_1] W0209 03:21:04.588634 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/expand/BatchNorm/beta/Adam] W0209 03:21:04.598180 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/project/BatchNorm/beta/Adam_1] W0209 03:21:04.600347 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.600512 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/project/weights/Adam] W0209 03:21:04.603071 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.613198 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/expand/BatchNorm/beta/Adam] W0209 03:21:04.613365 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/depthwise/depthwise_weights/Adam] W0209 03:21:04.613497 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/depthwise/depthwise_weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/Conv/BatchNorm/gamma/Adam] W0209 03:21:04.613620 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/Conv/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/project/BatchNorm/beta/Adam_1] W0209 03:21:04.623682 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/Conv_1/weights/Adam] W0209 03:21:04.623852 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/Conv_1/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/project/BatchNorm/beta/Adam_1] W0209 03:21:04.623983 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_13/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/expand/weights/Adam_1] W0209 03:21:04.628058 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_12/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/project/BatchNorm/beta/Adam_1] W0209 03:21:04.628223 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/project/weights/Adam_1] W0209 03:21:04.634344 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/expand/BatchNorm/gamma/Adam_1] W0209 03:21:04.634513 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/expand/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/depthwise/BatchNorm/beta/Adam] W0209 03:21:04.634644 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/depthwise/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [aspp0/BatchNorm/beta/Adam_1] W0209 03:21:04.638502 140349625222912 variables.py:672] Checkpoint is missing variable [aspp0/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/project/weights/Adam_1] W0209 03:21:04.638655 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/project/BatchNorm/beta/Adam] W0209 03:21:04.638781 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/depthwise/BatchNorm/gamma/Adam] W0209 03:21:04.638891 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/depthwise/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.640843 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/expand/weights/Adam] W0209 03:21:04.642752 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/depthwise/BatchNorm/gamma/Adam_1] W0209 03:21:04.642904 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/depthwise/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/expand/BatchNorm/beta/Adam_1] W0209 03:21:04.643024 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/expand/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/project/weights/Adam_1] W0209 03:21:04.643136 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/project/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/project/weights/Adam] W0209 03:21:04.643244 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_6/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/expand/BatchNorm/gamma/Adam] W0209 03:21:04.643354 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_10/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/project/weights/Adam] W0209 03:21:04.643460 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/Conv_1/BatchNorm/gamma/Adam] W0209 03:21:04.645358 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/Conv_1/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/expand/BatchNorm/gamma/Adam] W0209 03:21:04.647309 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/project/BatchNorm/beta/Adam] W0209 03:21:04.647457 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/project/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/project/weights/Adam] W0209 03:21:04.647575 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_2/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/project/BatchNorm/gamma/Adam] W0209 03:21:04.647685 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_7/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/depthwise/BatchNorm/gamma/Adam] W0209 03:21:04.647793 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_21/depthwise/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/expand/BatchNorm/gamma/Adam] W0209 03:21:04.647899 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_16/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [image_pooling/BatchNorm/beta/Adam] W0209 03:21:04.651577 140349625222912 variables.py:672] Checkpoint is missing variable [image_pooling/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/project/weights/Adam] W0209 03:21:04.655315 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/project/weights/Adam] W0209 03:21:04.657211 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_17/project/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/project/BatchNorm/gamma/Adam] W0209 03:21:04.660848 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_1/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/Conv/weights/Adam_1] W0209 03:21:04.660995 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/Conv/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/expand/BatchNorm/beta/Adam] W0209 03:21:04.661110 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_20/expand/BatchNorm/beta/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.668303 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_8/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/depthwise/depthwise_weights/Adam_1] W0209 03:21:04.668452 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_14/depthwise/depthwise_weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/expand/BatchNorm/gamma/Adam] W0209 03:21:04.671081 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/expand/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.671227 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_9/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/project/BatchNorm/beta/Adam_1] W0209 03:21:04.671344 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_18/project/BatchNorm/beta/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/project/BatchNorm/gamma/Adam] W0209 03:21:04.671452 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_11/project/BatchNorm/gamma/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/project/BatchNorm/gamma/Adam_1] W0209 03:21:04.673372 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_5/project/BatchNorm/gamma/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/expand/weights/Adam_1] W0209 03:21:04.678744 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_4/expand/weights/Adam_1] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/expand/weights/Adam] W0209 03:21:04.678889 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_19/expand/weights/Adam] WARNING:tensorflow:Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/expand/weights/Adam] W0209 03:21:04.679007 140349625222912 variables.py:672] Checkpoint is missing variable [MobilenetEdgeTPU/expanded_conv_15/expand/weights/Adam] WARNING:tensorflow:From /usr/local/lib/python3.5/dist-packages/tensorflow_core/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 W0209 03:21:06.014981 140349625222912 deprecation.py:323] From /usr/local/lib/python3.5/dist-packages/tensorflow_core/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 INFO:tensorflow:Running local_init_op. I0209 03:21:10.084289 140349625222912 session_manager.py:500] Running local_init_op. INFO:tensorflow:Done running local_init_op. I0209 03:21:10.663725 140349625222912 session_manager.py:502] Done running local_init_op. INFO:tensorflow:Starting Session. I0209 03:21:16.478900 140349625222912 learning.py:754] Starting Session. INFO:tensorflow:Saving checkpoint to path /ds_data3/arm/models/research/deeplab/logs/exp1/train/model.ckpt I0209 03:21:16.489266 140331270006528 supervisor.py:1117] Saving checkpoint to path /ds_data3/arm/models/research/deeplab/logs/exp1/train/model.ckpt INFO:tensorflow:Starting Queues. I0209 03:21:16.489500 140349625222912 learning.py:768] Starting Queues. INFO:tensorflow:global_step/sec: 0 I0209 03:21:20.522938 140331278399232 supervisor.py:1099] global_step/sec: 0 INFO:tensorflow:Recording summary at step 1000031. I0209 03:21:23.450208 140331496478464 supervisor.py:1050] Recording summary at step 1000031. INFO:tensorflow:Stopping Training. I0209 03:21:24.880260 140349625222912 learning.py:777] Stopping Training. INFO:tensorflow:Finished training! Saving model to disk. I0209 03:21:24.881103 140349625222912 learning.py:785] Finished training! Saving model to disk. /usr/local/lib/python3.5/dist-packages/tensorflow_core/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. "